diff --git a/.gitignore b/.gitignore index b6e47617d..832b9d621 100644 --- a/.gitignore +++ b/.gitignore @@ -1,11 +1,28 @@ +*.png +**.gif +.vscode/ +*.rdb +**.xml +wandb/ +slurm/ +tmp/ +.logs/ +checkpoints/ +external_jobs/ # Byte-compiled / optimized / DLL files __pycache__/ *.py[cod] *$py.class - +ptlflow_logs/ +output/ +log/ +.idea/ # C extensions *.so - +results/ +**.DS_Store +**.pt +demo/ # Distribution / packaging .Python build/ @@ -26,7 +43,9 @@ share/python-wheels/ .installed.cfg *.egg MANIFEST - +~shortcuts/ +**/wandb_logs/ +**.db # 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. diff --git a/README.md b/README.md index 15100fc84..bb6e73fc0 100644 --- a/README.md +++ b/README.md @@ -1 +1,206 @@ -# ZoeDepth \ No newline at end of file +# **ZoeDepth: Combining relative and metric depth** (Official implementation) + +## **Table of Contents** +- [**Usage**](#usage) + - [Using torch hub](#using-torch-hub) + - [Using local copy](#using-local-copy) + - [Using local torch hub](#using-local-torch-hub) + - [or load the models manually](#or-load-the-models-manually) + - [Using ZoeD models to predict depth](#using-zoed-models-to-predict-depth) +- [**Environment setup**](#environment-setup) +- [**Sanity checks** (Recommended)](#sanity-checks-recommended) +- [Model files](#model-files) +- [**Evaluation**](#evaluation) + - [Evaluating offical models](#evaluating-offical-models) + - [Evaluating local checkpoint](#evaluating-local-checkpoint) +- [**Training**](#training) +- [**Citation**](#citation) + + +## **Usage** +It is recommended to fetch the latest [MiDaS repo](https://github.com/isl-org/MiDaS) via torch hub before proceeding: +```python +import torch + +torch.hub.help("intel-isl/MiDaS", "DPT_BEiT_L_384", force_reload=True) # Triggers fresh download of MiDaS repo +``` +### **ZoeDepth models** +### Using torch hub +```python +import torch + +repo = "intel-isl/ZoeDepth" +# Zoe_N +model_zoe_n = torch.hub.load(repo, "ZoeD_N", pretrained=True) + +# Zoe_K +model_zoe_k = torch.hub.load(repo, "ZoeD_K", pretrained=True) + +# Zoe_NK +model_zoe_nk = torch.hub.load(repo, "ZoeD_NK", pretrained=True) +``` +### Using local copy +Clone this repo: +```bash +git clone https://github.com/isl-org/ZoeDepth.git && cd ZoeDepth +``` +#### Using local torch hub +You can use local source for torch hub to load the ZoeDepth models, for example: +```python +import torch + +# Zoe_N +model_zoe_n = torch.hub.load(".", "ZoeD_N", source="local" pretrained=True) +``` + +#### or load the models manually +```python +from zoedepth.models.builder import build_model +from zoedepth.utils.config import get_config + +# ZoeD_N +conf = get_config("zoedepth", "infer") +model_zoe_n = build_model(conf) + +# ZoeD_K +conf = get_config("zoedepth", "infer", config_version="kitti") +model_zoe_k = build_model(conf) + +# ZoeD_NK +conf = get_config("zoedepth_nk", "infer") +model_zoe_nk = build_model(conf) +``` + +### Using ZoeD models to predict depth +```python +##### sample prediction +DEVICE = "cuda" if torch.cuda.is_available() else "cpu" +zoe = model_zoe_n.to(DEVICE) + + +# Local file +from PIL import Image +image = Image.open("/path/to/image.jpg").convert("RGB") # load +depth_numpy = zoe.infer_pil(image) # as numpy + +depth_pil = zoe.infer_pil(image, output_type="pil") # as 16-bit PIL Image + +depth_tensor = zoe.infer_pil(image, output_type="tensor") # as torch tensor + + + +# Tensor +from zoedepth.utils.misc import pil_to_batched_tensor +X = pil_to_batched_tensor(image).to(DEVICE) +depth_tensor = zoe.infer(X) + + + +# From URL +from zoedepth.utils.misc import get_image_from_url + +# Example URL +URL = "https://encrypted-tbn0.gstatic.com/images?q=tbn:ANd9GcS4W8H_Nxk_rs3Vje_zj6mglPOH7bnPhQitBH8WkqjlqQVotdtDEG37BsnGofME3_u6lDk&usqp=CAU" + + +image = get_image_from_url(URL) # fetch +depth = zoe.infer_pil(image) + +# Save raw +from zoedepth.utils.misc import save_raw_16bit +fpath = "/path/to/output.png" +save_raw_16bit(depth, fpath) + +# Colorize output +from zoedepth.utils.misc import colorize + +colored = colorize(depth) + +# save colored output +fpath_colored = "/path/to/output_colored.png" +Image.fromarray(colored).save(fpath_colored) +``` + +## **Environment setup** +The project depends on : +- [pytorch](https://pytorch.org/) (Main framework) +- [timm](https://timm.fast.ai/) (Backbone helper for MiDaS) +- pillow, matplotlib, scipy, h5py, opencv (utilities) + +Install environment using `environment.yml` : + +Using [mamba](https://github.com/mamba-org/mamba) (fastest): +```bash +mamba env create -n zoe --file environment.yml +mamba activate zoe +``` +Using conda : + +```bash +conda env create -n zoe --file environment.yml +conda activate zoe +``` + +## **Sanity checks** (Recommended) +Check if models can be loaded: +```bash +python sanity_hub.py +``` +Try a demo prediction pipeline: +```bash +python sanity.py +``` +This will save a file `pred.png` in the root folder, showing RGB and corresponding predicted depth side-by-side. +## Model files +Models are defined under `models/` folder, with `models/_.py` containing model definitions and `models/config_.json` containing configuration. + +Single metric head models (Zoe_N and Zoe_K from the paper) have the common definition and are defined under `models/zoedepth` while as the multi-headed model (Zoe_NK) is defined under `models/zoedepth_nk`. +## **Evaluation** +Download the required dataset and change the `DATASETS_CONFIG` dictionary in `utils/config.py` accordingly. +### Evaluating offical models +On NYU-Depth-v2 for example: + +For ZoeD_N: +```bash +python evaluate.py -m zoedepth -d nyu +``` + +For ZoeD_NK: +```bash +python evaluate.py -m zoedepth_nk -d nyu +``` + +### Evaluating local checkpoint +```bash +python evaluate.py -m zoedepth --pretrained_resource="local::/path/to/local/ckpt.pt" -d nyu +``` +Pretrained resources are prefixed with `url::` to indicate weights should be fetched from a url, or `local::` to indicate path is a local file. Refer to `models/model_io.py` for details. + +The dataset name should match the corresponding key in `utils.config.DATASETS_CONFIG` . + +## **Training** +Download training datasets as per instructions given [here](https://github.com/cleinc/bts/tree/master/pytorch#nyu-depvh-v2). Then for training a single head model on NYU-Depth-v2 : +```bash +python train_mono.py -m zoedepth --pretrained_resource="" +``` + +For training the Zoe-NK model: +```bash +python train_mix.py -m zoedepth_nk --pretrained_resource="" +``` + +## **Citation** +TODO: Add reference here after release + + + + + + + + + + + + + diff --git a/environment.yml b/environment.yml new file mode 100644 index 000000000..60d27771e --- /dev/null +++ b/environment.yml @@ -0,0 +1,26 @@ +name: zoe +channels: + - pytorch + - nvidia + - conda-forge +dependencies: + - cuda=11.7.1 + - h5py=3.7.0 + - hdf5=1.12.2 + - matplotlib=3.6.2 + - matplotlib-base=3.6.2 + - numpy=1.24.1 + - opencv=4.6.0 + - pip=22.3.1 + - python=3.9.7 + - pytorch=1.13.1 + - pytorch-cuda=11.7 + - pytorch-mutex=1.0 + - scipy=1.10.0 + - torchaudio=0.13.1 + - torchvision=0.14.1 + - pip: + - huggingface-hub==0.11.1 + - timm==0.6.12 + - tqdm==4.64.1 + - wandb==0.13.9 diff --git a/evaluate.py b/evaluate.py new file mode 100644 index 000000000..902b6aedf --- /dev/null +++ b/evaluate.py @@ -0,0 +1,160 @@ +# MIT License + +# Copyright (c) 2022 Intelligent Systems Lab Org + +# 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. + +# File author: Shariq Farooq Bhat + +import argparse +from pprint import pprint + +import torch +from zoedepth.utils.easydict import EasyDict as edict +from tqdm import tqdm + +from zoedepth.data.data_mono import DepthDataLoader +from zoedepth.models.builder import build_model +from zoedepth.utils.arg_utils import parse_unknown +from zoedepth.utils.config import change_dataset, get_config, ALL_EVAL_DATASETS, ALL_INDOOR, ALL_OUTDOOR +from zoedepth.utils.misc import (RunningAverageDict, colors, compute_metrics, + count_parameters) + + +@torch.no_grad() +def infer(model, images, **kwargs): + """Inference with flip augmentation""" + # images.shape = N, C, H, W + def get_depth_from_prediction(pred): + if isinstance(pred, torch.Tensor): + pred = pred # pass + elif isinstance(pred, (list, tuple)): + pred = pred[-1] + elif isinstance(pred, dict): + pred = pred['metric_depth'] if 'metric_depth' in pred else pred['out'] + else: + raise NotImplementedError(f"Unknown output type {type(pred)}") + return pred + + pred1 = model(images, **kwargs) + pred1 = get_depth_from_prediction(pred1) + + pred2 = model(torch.flip(images, [3]), **kwargs) + pred2 = get_depth_from_prediction(pred2) + pred2 = torch.flip(pred2, [3]) + + mean_pred = 0.5 * (pred1 + pred2) + + return mean_pred + + +@torch.no_grad() +def evaluate(model, test_loader, config, round_vals=True, round_precision=3): + model.eval() + metrics = RunningAverageDict() + for i, sample in tqdm(enumerate(test_loader), total=len(test_loader)): + if 'has_valid_depth' in sample: + if not sample['has_valid_depth']: + continue + image, depth = sample['image'], sample['depth'] + image, depth = image.cuda(), depth.cuda() + depth = depth.squeeze().unsqueeze(0).unsqueeze(0) + focal = sample.get('focal', torch.Tensor( + [715.0873]).cuda()) # This magic number (focal) is only used for evaluating BTS model + pred = infer(model, image, dataset=sample['dataset'][0], focal=focal) + + # Save image, depth, pred for visualization + if "save_images" in config and config.save_images: + import os + # print("Saving images ...") + from PIL import Image + import torchvision.transforms as transforms + from zoedepth.utils.misc import colorize + + os.makedirs(config.save_images, exist_ok=True) + # def save_image(img, path): + d = colorize(depth.squeeze().cpu().numpy(), 0, 10) + p = colorize(pred.squeeze().cpu().numpy(), 0, 10) + im = transforms.ToPILImage()(image.squeeze().cpu()) + im.save(os.path.join(config.save_images, f"{i}_img.png")) + Image.fromarray(d).save(os.path.join(config.save_images, f"{i}_depth.png")) + Image.fromarray(p).save(os.path.join(config.save_images, f"{i}_pred.png")) + + + + # print(depth.shape, pred.shape) + metrics.update(compute_metrics(depth, pred, config=config)) + + if round_vals: + def r(m): return round(m, round_precision) + else: + def r(m): return m + metrics = {k: r(v) for k, v in metrics.get_value().items()} + return metrics + +def main(config): + model = build_model(config) + test_loader = DepthDataLoader(config, 'online_eval').data + model = model.cuda() + metrics = evaluate(model, test_loader, config) + print(f"{colors.fg.green}") + print(metrics) + print(f"{colors.reset}") + metrics['#params'] = f"{round(count_parameters(model, include_all=True)/1e6, 2)}M" + return metrics + + +def eval_model(model_name, pretrained_resource, dataset='nyu', **kwargs): + + # Load default pretrained resource defined in config if not set + overwrite = {**kwargs, "pretrained_resource": pretrained_resource} if pretrained_resource else kwargs + config = get_config(model_name, "eval", dataset, **overwrite) + # config = change_dataset(config, dataset) # change the dataset + pprint(config) + print(f"Evaluating {model_name} on {dataset}...") + metrics = main(config) + return metrics + + +if __name__ == '__main__': + parser = argparse.ArgumentParser() + parser.add_argument("-m", "--model", type=str, + required=True, help="Name of the model to evaluate") + parser.add_argument("-p", "--pretrained_resource", type=str, + required=False, default=None, help="Pretrained resource to use for fetching weights. If not set, default resource from model config is used, Refer models.model_io.load_state_from_resource for more details.") + parser.add_argument("-d", "--dataset", type=str, required=False, + default='nyu', help="Dataset to evaluate on") + + args, unknown_args = parser.parse_known_args() + overwrite_kwargs = parse_unknown(unknown_args) + + if "ALL_INDOOR" in args.dataset: + datasets = ALL_INDOOR + elif "ALL_OUTDOOR" in args.dataset: + datasets = ALL_OUTDOOR + elif "ALL" in args.dataset: + datasets = ALL_EVAL_DATASETS + elif "," in args.dataset: + datasets = args.dataset.split(",") + else: + datasets = [args.dataset] + + for dataset in datasets: + eval_model(args.model, pretrained_resource=args.pretrained_resource, + dataset=dataset, **overwrite_kwargs) diff --git a/hubconf.py b/hubconf.py new file mode 100644 index 000000000..e19c84c2e --- /dev/null +++ b/hubconf.py @@ -0,0 +1,154 @@ +# MIT License + +# Copyright (c) 2022 Intelligent Systems Lab Org + +# 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. + +# File author: Shariq Farooq Bhat + +dependencies=['torch'] +from zoedepth.utils.config import get_config +from zoedepth.models.builder import build_model +import numpy as np +import torch + + +# ZoeD_N +def ZoeD_N(pretrained=False, midas_model_type="DPT_BEiT_L_384", config_mode="infer", **kwargs): + """Zoe_M12_N model. This is the version of ZoeDepth that has a single metric head + Args: + pretrained (bool): If True, returns a model pre-trained on NYU-Depth-V2 + midas_model_type (str): Midas model type. Should be one of the models as listed in torch.hub.list("intel-isl/MiDaS"). Default: DPT_BEiT_L_384 + config_mode (str): Config mode. Should be one of "infer", "train" or "eval". Default: "infer" + + Keyword Args: + **kwargs: Additional arguments to pass to the model + The following arguments are supported: + train_midas (bool): If True, returns a model that with trainable midas base. Default: False + use_pretrained_midas (bool): If True, returns a model that uses pretrained midas base. Default: False + n_bins (int): Number of bin centers. Defaults to 64. + bin_centers_type (str): "normed" or "softplus". Activation type used for bin centers. For "normed" bin centers, linear normalization trick is applied. This results in bounded bin centers. + For "softplus", softplus activation is used and thus are unbounded. Defaults to "softplus". + bin_embedding_dim (int): bin embedding dimension. Defaults to 128. + min_depth (float): Lower bound for normed bin centers. Defaults to 1e-3. + max_depth (float): Upper bound for normed bin centers. Defaults to 10. + n_attractors (List[int]): Number of bin attractors at decoder layers. Defaults to [16, 8, 4, 1]. + attractor_alpha (int): Proportional attractor strength. Refer to models.layers.attractor for more details. Defaults to 1000. + attractor_gamma (int): Exponential attractor strength. Refer to models.layers.attractor for more details. Defaults to 2. + attractor_kind (str): Attraction aggregation "sum" or "mean". Defaults to 'sum'. + attractor_type (str): Type of attractor to use; "inv" (Inverse attractor) or "exp" (Exponential attractor). Defaults to 'inv'. + min_temp (int): Lower bound for temperature of output probability distribution. Defaults to 0.0212. + max_temp (int): Upper bound for temperature of output probability distribution. Defaults to 50. + force_keep_ar (bool): If True, the model will keep the aspect ratio of the input image. Defaults to True. + """ + if pretrained and midas_model_type != "DPT_BEiT_L_384": + raise ValueError(f"Only DPT_BEiT_L_384 MiDaS model is supported for pretrained Zoe_N model, got: {midas_model_type}") + + if not pretrained: + pretrained_resource = None + else: + pretrained_resource = "local::checkpoints/ZoeD_M12_N.pt" + + config = get_config("zoedepth", config_mode, pretrained_resource=pretrained_resource, **kwargs) + model = build_model(config) + return model + +# ZoeD_K +def ZoeD_K(pretrained=False, midas_model_type="DPT_BEiT_L_384", config_mode="infer", **kwargs): + """Zoe_M12_K model. This is the version of ZoeDepth that has a single metric head + Args: + pretrained (bool): If True, returns a model pre-trained on NYU-Depth-V2 + midas_model_type (str): Midas model type. Should be one of the models as listed in torch.hub.list("intel-isl/MiDaS"). Default: DPT_BEiT_L_384 + config_mode (str): Config mode. Should be one of "infer", "train" or "eval". Default: "infer" + + Keyword Args: + **kwargs: Additional arguments to pass to the model + The following arguments are supported: + train_midas (bool): If True, returns a model that with trainable midas base. Default: False + use_pretrained_midas (bool): If True, returns a model that uses pretrained midas base. Default: False + n_bins (int): Number of bin centers. Defaults to 64. + bin_centers_type (str): "normed" or "softplus". Activation type used for bin centers. For "normed" bin centers, linear normalization trick is applied. This results in bounded bin centers. + For "softplus", softplus activation is used and thus are unbounded. Defaults to "softplus". + bin_embedding_dim (int): bin embedding dimension. Defaults to 128. + min_depth (float): Lower bound for normed bin centers. Defaults to 1e-3. + max_depth (float): Upper bound for normed bin centers. Defaults to 10. + n_attractors (List[int]): Number of bin attractors at decoder layers. Defaults to [16, 8, 4, 1]. + attractor_alpha (int): Proportional attractor strength. Refer to models.layers.attractor for more details. Defaults to 1000. + attractor_gamma (int): Exponential attractor strength. Refer to models.layers.attractor for more details. Defaults to 2. + attractor_kind (str): Attraction aggregation "sum" or "mean". Defaults to 'sum'. + attractor_type (str): Type of attractor to use; "inv" (Inverse attractor) or "exp" (Exponential attractor). Defaults to 'inv'. + min_temp (int): Lower bound for temperature of output probability distribution. Defaults to 0.0212. + max_temp (int): Upper bound for temperature of output probability distribution. Defaults to 50. + force_keep_ar (bool): If True, the model will keep the aspect ratio of the input image. Defaults to True. + + """ + if pretrained and midas_model_type != "DPT_BEiT_L_384": + raise ValueError(f"Only DPT_BEiT_L_384 MiDaS model is supported for pretrained Zoe_K model, got: {midas_model_type}") + + if not pretrained: + pretrained_resource = None + else: + pretrained_resource = "local::checkpoints/ZoeD_M12_K.pt" + + config = get_config("zoedepth", config_mode, pretrained_resource=pretrained_resource, config_version="kitti", **kwargs) + model = build_model(config) + return model + +# Zoe_NK +def ZoeD_NK(pretrained=False, midas_model_type="DPT_BEiT_L_384", config_mode="infer", **kwargs): + """ZoeDepthNK model. This is the version of ZoeDepth that has two metric heads and uses a learned router to route to experts. + Args: + pretrained (bool): If True, returns a model pre-trained on NYU-Depth-V2 + midas_model_type (str): Midas model type. Should be one of the models as listed in torch.hub.list("intel-isl/MiDaS"). Default: DPT_BEiT_L_384 + + Keyword Args: + **kwargs: Additional arguments to pass to the model + The following arguments are supported: + train_midas (bool): If True, returns a model that with trainable midas base. Defaults to True + use_pretrained_midas (bool): If True, returns a model that uses pretrained midas base. Defaults to True + bin_conf (List[dict]): A list of dictionaries that contain the bin configuration for each metric head. Each dictionary should contain the following keys: + "name" (str, typically same as the dataset name), "n_bins" (int), "min_depth" (float), "max_depth" (float) + The length of this list determines the number of metric heads. + bin_centers_type (str): "normed" or "softplus". Activation type used for bin centers. For "normed" bin centers, linear normalization trick is applied. This results in bounded bin centers. + For "softplus", softplus activation is used and thus are unbounded. Defaults to "softplus". + bin_embedding_dim (int): bin embedding dimension. Defaults to 128. + + n_attractors (List[int]): Number of bin attractors at decoder layers. Defaults to [16, 8, 4, 1]. + attractor_alpha (int): Proportional attractor strength. Refer to models.layers.attractor for more details. Defaults to 1000. + attractor_gamma (int): Exponential attractor strength. Refer to models.layers.attractor for more details. Defaults to 2. + attractor_kind (str): Attraction aggregation "sum" or "mean". Defaults to 'sum'. + attractor_type (str): Type of attractor to use; "inv" (Inverse attractor) or "exp" (Exponential attractor). Defaults to 'inv'. + + min_temp (int): Lower bound for temperature of output probability distribution. Defaults to 0.0212. + max_temp (int): Upper bound for temperature of output probability distribution. Defaults to 50. + + memory_efficient (bool): Whether to use memory efficient version of attractor layers. Memory efficient version is slower but is recommended incase of multiple metric heads in order save GPU memory. Defaults to True. + + """ + if pretrained and midas_model_type != "DPT_BEiT_L_384": + raise ValueError(f"Only DPT_BEiT_L_384 MiDaS model is supported for pretrained Zoe_NK model, got: {midas_model_type}") + + if not pretrained: + pretrained_resource = None + else: + pretrained_resource = "local::checkpoints/ZoeD_M12_NK.pt" + + config = get_config("zoedepth_nk", config_mode, pretrained_resource=pretrained_resource, **kwargs) + model = build_model(config) + return model \ No newline at end of file diff --git a/sanity.py b/sanity.py new file mode 100644 index 000000000..a4915dfb2 --- /dev/null +++ b/sanity.py @@ -0,0 +1,98 @@ +# MIT License + +# Copyright (c) 2022 Intelligent Systems Lab Org + +# 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. + +# File author: Shariq Farooq Bhat + +import numpy as np +from torchvision.transforms import ToTensor +from PIL import Image +from zoedepth.utils.misc import get_image_from_url, colorize +import torch + +from zoedepth.models.builder import build_model +from zoedepth.utils.config import get_config +from pprint import pprint + + +torch.hub.help("intel-isl/MiDaS", "DPT_BEiT_L_384", force_reload=True) + +DEVICE = "cuda" if torch.cuda.is_available() else "cpu" +if DEVICE == "cpu": + print("WARNING: Running on CPU. This will be slow. Check your CUDA installation.") + +print("*" * 20 + " Testing zoedepth " + "*" * 20) +conf = get_config("zoedepth", "infer") + + +print("Config:") +pprint(conf) + +model = build_model(conf).to(DEVICE) +model.eval() +x = torch.rand(1, 3, 384, 512).to(DEVICE) + +print("-"*20 + "Testing on a random input" + "-"*20) + +with torch.no_grad(): + out = model(x) + +if isinstance(out, dict): + # print shapes of all outputs + for k, v in out.items(): + if v is not None: + print(k, v.shape) +else: + print([o.shape for o in out if o is not None]) + +print("\n\n") +print("-"*20 + " Testing on an indoor scene from url " + "-"*20) + +# Test img +url = "https://encrypted-tbn0.gstatic.com/images?q=tbn:ANd9GcS4W8H_Nxk_rs3Vje_zj6mglPOH7bnPhQitBH8WkqjlqQVotdtDEG37BsnGofME3_u6lDk&usqp=CAU" +img = get_image_from_url(url) +orig_size = img.size +X = ToTensor()(img) +X = X.unsqueeze(0).to(DEVICE) + +print("X.shape", X.shape) +print("predicting") + +with torch.no_grad(): + out = model.infer(X).cpu() + +# or just, +# out = model.infer_pil(img) + + +print("output.shape", out.shape) +pred = Image.fromarray(colorize(out)) +# Stack img and pred side by side for comparison and save +pred = pred.resize(orig_size, Image.ANTIALIAS) +stacked = Image.new("RGB", (orig_size[0]*2, orig_size[1])) +stacked.paste(img, (0, 0)) +stacked.paste(pred, (orig_size[0], 0)) + +stacked.save("pred.png") +print("saved pred.png") + + +model.infer_pil(img, output_type="pil").save("pred_raw.png") \ No newline at end of file diff --git a/sanity_hub.py b/sanity_hub.py new file mode 100644 index 000000000..c6d41be85 --- /dev/null +++ b/sanity_hub.py @@ -0,0 +1,43 @@ +# MIT License + +# Copyright (c) 2022 Intelligent Systems Lab Org + +# 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. + +# File author: Shariq Farooq Bhat + +import torch +import numpy as np +from torchvision.transforms import ToTensor +from PIL import Image +from zoedepth.utils.misc import get_image_from_url, colorize + +from zoedepth.models.builder import build_model +from zoedepth.utils.config import get_config +from pprint import pprint + + + +# Trigger reload of MiDaS +torch.hub.help("intel-isl/MiDaS", "DPT_BEiT_L_384", force_reload=True) + + +model = torch.hub.load(".", "ZoeD_K", source="local", pretrained=True) +model = torch.hub.load(".", "ZoeD_NK", source="local", pretrained=True) +model = torch.hub.load(".", "ZoeD_N", source="local", pretrained=True) diff --git a/train_mix.py b/train_mix.py new file mode 100644 index 000000000..a6496e267 --- /dev/null +++ b/train_mix.py @@ -0,0 +1,179 @@ +# MIT License + +# Copyright (c) 2022 Intelligent Systems Lab Org + +# 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. + +# File author: Shariq Farooq Bhat + +from zoedepth.utils.misc import count_parameters, parallelize +from zoedepth.utils.config import get_config +from zoedepth.utils.arg_utils import parse_unknown +from zoedepth.trainers.builder import get_trainer +from zoedepth.models.builder import build_model +from zoedepth.data.data_mono import MixedNYUKITTI +import torch.utils.data.distributed +import torch.multiprocessing as mp +import torch +import numpy as np +from pprint import pprint +import argparse +import os + +os.environ["PYOPENGL_PLATFORM"] = "egl" +os.environ["WANDB_START_METHOD"] = "thread" + + +def fix_random_seed(seed: int): + """ + Fix random seed for reproducibility + + Args: + seed (int): random seed + """ + import random + + import numpy + import torch + + random.seed(seed) + numpy.random.seed(seed) + torch.manual_seed(seed) + torch.cuda.manual_seed(seed) + torch.cuda.manual_seed_all(seed) + + torch.backends.cudnn.deterministic = True + torch.backends.cudnn.benchmark = False + + +def load_ckpt(config, model, checkpoint_dir="./checkpoints", ckpt_type="best"): + import glob + import os + + from zoedepth.models.model_io import load_wts + + if hasattr(config, "checkpoint"): + checkpoint = config.checkpoint + elif hasattr(config, "ckpt_pattern"): + pattern = config.ckpt_pattern + matches = glob.glob(os.path.join( + checkpoint_dir, f"*{pattern}*{ckpt_type}*")) + if not (len(matches) > 0): + raise ValueError(f"No matches found for the pattern {pattern}") + + checkpoint = matches[0] + + else: + return model + model = load_wts(model, checkpoint) + print("Loaded weights from {0}".format(checkpoint)) + return model + + +def main_worker(gpu, ngpus_per_node, config): + try: + fix_random_seed(43) + + config.gpu = gpu + + model = build_model(config) + model = load_ckpt(config, model) + model = parallelize(config, model) + + total_params = f"{round(count_parameters(model)/1e6,2)}M" + config.total_params = total_params + print(f"Total parameters : {total_params}") + + train_loader = MixedNYUKITTI(config, "train").data + test_loader = MixedNYUKITTI(config, "online_eval").data + + trainer = get_trainer(config)( + config, model, train_loader, test_loader, device=config.gpu) + + trainer.train() + finally: + import wandb + wandb.finish() + + +if __name__ == '__main__': + mp.set_start_method('forkserver') + + parser = argparse.ArgumentParser() + parser.add_argument("-m", "--model", type=str, default="synunet") + parser.add_argument("-d", "--dataset", type=str, default='mix') + parser.add_argument("--trainer", type=str, default=None) + + args, unknown_args = parser.parse_known_args() + overwrite_kwargs = parse_unknown(unknown_args) + + overwrite_kwargs["model"] = args.model + if args.trainer is not None: + overwrite_kwargs["trainer"] = args.trainer + + config = get_config(args.model, "train", args.dataset, **overwrite_kwargs) + # git_commit() + if config.use_shared_dict: + shared_dict = mp.Manager().dict() + else: + shared_dict = None + config.shared_dict = shared_dict + + config.batch_size = config.bs + config.mode = 'train' + if config.root != "." and not os.path.isdir(config.root): + os.makedirs(config.root) + + try: + node_str = os.environ['SLURM_JOB_NODELIST'].replace( + '[', '').replace(']', '') + nodes = node_str.split(',') + + config.world_size = len(nodes) + config.rank = int(os.environ['SLURM_PROCID']) + # config.save_dir = "/ibex/scratch/bhatsf/videodepth/checkpoints" + + except KeyError as e: + # We are NOT using SLURM + config.world_size = 1 + config.rank = 0 + nodes = ["127.0.0.1"] + + if config.distributed: + + print(config.rank) + port = np.random.randint(15000, 15025) + config.dist_url = 'tcp://{}:{}'.format(nodes[0], port) + print(config.dist_url) + config.dist_backend = 'nccl' + config.gpu = None + + ngpus_per_node = torch.cuda.device_count() + config.num_workers = config.workers + config.ngpus_per_node = ngpus_per_node + print("Config:") + pprint(config) + if config.distributed: + config.world_size = ngpus_per_node * config.world_size + mp.spawn(main_worker, nprocs=ngpus_per_node, + args=(ngpus_per_node, config)) + else: + if ngpus_per_node == 1: + config.gpu = 0 + main_worker(config.gpu, ngpus_per_node, config) diff --git a/train_mono.py b/train_mono.py new file mode 100644 index 000000000..eb21dc8d3 --- /dev/null +++ b/train_mono.py @@ -0,0 +1,174 @@ +# MIT License + +# Copyright (c) 2022 Intelligent Systems Lab Org + +# 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. + +# File author: Shariq Farooq Bhat + +from zoedepth.utils.misc import count_parameters, parallelize +from zoedepth.utils.config import get_config +from zoedepth.utils.arg_utils import parse_unknown +from zoedepth.trainers.builder import get_trainer +from zoedepth.models.builder import build_model +from zoedepth.data.data_mono import DepthDataLoader +import torch.utils.data.distributed +import torch.multiprocessing as mp +import torch +import numpy as np +from pprint import pprint +import argparse +import os + +os.environ["PYOPENGL_PLATFORM"] = "egl" +os.environ["WANDB_START_METHOD"] = "thread" + + +def fix_random_seed(seed: int): + import random + + import numpy + import torch + + random.seed(seed) + numpy.random.seed(seed) + torch.manual_seed(seed) + torch.cuda.manual_seed(seed) + torch.cuda.manual_seed_all(seed) + + torch.backends.cudnn.deterministic = True + torch.backends.cudnn.benchmark = True + + +def load_ckpt(config, model, checkpoint_dir="./checkpoints", ckpt_type="best"): + import glob + import os + + from zoedepth.models.model_io import load_wts + + if hasattr(config, "checkpoint"): + checkpoint = config.checkpoint + elif hasattr(config, "ckpt_pattern"): + pattern = config.ckpt_pattern + matches = glob.glob(os.path.join( + checkpoint_dir, f"*{pattern}*{ckpt_type}*")) + if not (len(matches) > 0): + raise ValueError(f"No matches found for the pattern {pattern}") + + checkpoint = matches[0] + + else: + return model + model = load_wts(model, checkpoint) + print("Loaded weights from {0}".format(checkpoint)) + return model + + +def main_worker(gpu, ngpus_per_node, config): + try: + seed = config.seed if 'seed' in config and config.seed else 43 + fix_random_seed(seed) + + config.gpu = gpu + + model = build_model(config) + model = load_ckpt(config, model) + model = parallelize(config, model) + + total_params = f"{round(count_parameters(model)/1e6,2)}M" + config.total_params = total_params + print(f"Total parameters : {total_params}") + + train_loader = DepthDataLoader(config, "train").data + test_loader = DepthDataLoader(config, "online_eval").data + + trainer = get_trainer(config)( + config, model, train_loader, test_loader, device=config.gpu) + + trainer.train() + finally: + import wandb + wandb.finish() + + +if __name__ == '__main__': + mp.set_start_method('forkserver') + + parser = argparse.ArgumentParser() + parser.add_argument("-m", "--model", type=str, default="synunet") + parser.add_argument("-d", "--dataset", type=str, default='nyu') + parser.add_argument("--trainer", type=str, default=None) + + args, unknown_args = parser.parse_known_args() + overwrite_kwargs = parse_unknown(unknown_args) + + overwrite_kwargs["model"] = args.model + if args.trainer is not None: + overwrite_kwargs["trainer"] = args.trainer + + config = get_config(args.model, "train", args.dataset, **overwrite_kwargs) + # git_commit() + if config.use_shared_dict: + shared_dict = mp.Manager().dict() + else: + shared_dict = None + config.shared_dict = shared_dict + + config.batch_size = config.bs + config.mode = 'train' + if config.root != "." and not os.path.isdir(config.root): + os.makedirs(config.root) + + try: + node_str = os.environ['SLURM_JOB_NODELIST'].replace( + '[', '').replace(']', '') + nodes = node_str.split(',') + + config.world_size = len(nodes) + config.rank = int(os.environ['SLURM_PROCID']) + # config.save_dir = "/ibex/scratch/bhatsf/videodepth/checkpoints" + + except KeyError as e: + # We are NOT using SLURM + config.world_size = 1 + config.rank = 0 + nodes = ["127.0.0.1"] + + if config.distributed: + + print(config.rank) + port = np.random.randint(15000, 15025) + config.dist_url = 'tcp://{}:{}'.format(nodes[0], port) + print(config.dist_url) + config.dist_backend = 'nccl' + config.gpu = None + + ngpus_per_node = torch.cuda.device_count() + config.num_workers = config.workers + config.ngpus_per_node = ngpus_per_node + print("Config:") + pprint(config) + if config.distributed: + config.world_size = ngpus_per_node * config.world_size + mp.spawn(main_worker, nprocs=ngpus_per_node, + args=(ngpus_per_node, config)) + else: + if ngpus_per_node == 1: + config.gpu = 0 + main_worker(config.gpu, ngpus_per_node, config) diff --git a/train_test_inputs/kitti_eigen_test_files_with_gt.txt b/train_test_inputs/kitti_eigen_test_files_with_gt.txt new file mode 100644 index 000000000..575b66115 --- /dev/null +++ b/train_test_inputs/kitti_eigen_test_files_with_gt.txt @@ -0,0 +1,697 @@ +2011_09_26/2011_09_26_drive_0002_sync/image_02/data/0000000069.png 2011_09_26_drive_0002_sync/proj_depth/groundtruth/image_02/0000000069.png 721.5377 +2011_09_26/2011_09_26_drive_0002_sync/image_02/data/0000000054.png 2011_09_26_drive_0002_sync/proj_depth/groundtruth/image_02/0000000054.png 721.5377 +2011_09_26/2011_09_26_drive_0002_sync/image_02/data/0000000042.png 2011_09_26_drive_0002_sync/proj_depth/groundtruth/image_02/0000000042.png 721.5377 +2011_09_26/2011_09_26_drive_0002_sync/image_02/data/0000000057.png 2011_09_26_drive_0002_sync/proj_depth/groundtruth/image_02/0000000057.png 721.5377 +2011_09_26/2011_09_26_drive_0002_sync/image_02/data/0000000030.png 2011_09_26_drive_0002_sync/proj_depth/groundtruth/image_02/0000000030.png 721.5377 +2011_09_26/2011_09_26_drive_0002_sync/image_02/data/0000000027.png 2011_09_26_drive_0002_sync/proj_depth/groundtruth/image_02/0000000027.png 721.5377 +2011_09_26/2011_09_26_drive_0002_sync/image_02/data/0000000012.png 2011_09_26_drive_0002_sync/proj_depth/groundtruth/image_02/0000000012.png 721.5377 +2011_09_26/2011_09_26_drive_0002_sync/image_02/data/0000000075.png None 721.5377 +2011_09_26/2011_09_26_drive_0002_sync/image_02/data/0000000036.png 2011_09_26_drive_0002_sync/proj_depth/groundtruth/image_02/0000000036.png 721.5377 +2011_09_26/2011_09_26_drive_0002_sync/image_02/data/0000000033.png 2011_09_26_drive_0002_sync/proj_depth/groundtruth/image_02/0000000033.png 721.5377 +2011_09_26/2011_09_26_drive_0002_sync/image_02/data/0000000015.png 2011_09_26_drive_0002_sync/proj_depth/groundtruth/image_02/0000000015.png 721.5377 +2011_09_26/2011_09_26_drive_0002_sync/image_02/data/0000000072.png None 721.5377 +2011_09_26/2011_09_26_drive_0002_sync/image_02/data/0000000003.png None 721.5377 +2011_09_26/2011_09_26_drive_0002_sync/image_02/data/0000000039.png 2011_09_26_drive_0002_sync/proj_depth/groundtruth/image_02/0000000039.png 721.5377 +2011_09_26/2011_09_26_drive_0002_sync/image_02/data/0000000009.png 2011_09_26_drive_0002_sync/proj_depth/groundtruth/image_02/0000000009.png 721.5377 +2011_09_26/2011_09_26_drive_0002_sync/image_02/data/0000000051.png 2011_09_26_drive_0002_sync/proj_depth/groundtruth/image_02/0000000051.png 721.5377 +2011_09_26/2011_09_26_drive_0002_sync/image_02/data/0000000060.png 2011_09_26_drive_0002_sync/proj_depth/groundtruth/image_02/0000000060.png 721.5377 +2011_09_26/2011_09_26_drive_0002_sync/image_02/data/0000000021.png 2011_09_26_drive_0002_sync/proj_depth/groundtruth/image_02/0000000021.png 721.5377 +2011_09_26/2011_09_26_drive_0002_sync/image_02/data/0000000000.png None 721.5377 +2011_09_26/2011_09_26_drive_0002_sync/image_02/data/0000000024.png 2011_09_26_drive_0002_sync/proj_depth/groundtruth/image_02/0000000024.png 721.5377 +2011_09_26/2011_09_26_drive_0002_sync/image_02/data/0000000045.png 2011_09_26_drive_0002_sync/proj_depth/groundtruth/image_02/0000000045.png 721.5377 +2011_09_26/2011_09_26_drive_0002_sync/image_02/data/0000000018.png 2011_09_26_drive_0002_sync/proj_depth/groundtruth/image_02/0000000018.png 721.5377 +2011_09_26/2011_09_26_drive_0002_sync/image_02/data/0000000048.png 2011_09_26_drive_0002_sync/proj_depth/groundtruth/image_02/0000000048.png 721.5377 +2011_09_26/2011_09_26_drive_0002_sync/image_02/data/0000000006.png 2011_09_26_drive_0002_sync/proj_depth/groundtruth/image_02/0000000006.png 721.5377 +2011_09_26/2011_09_26_drive_0002_sync/image_02/data/0000000063.png 2011_09_26_drive_0002_sync/proj_depth/groundtruth/image_02/0000000063.png 721.5377 +2011_09_26/2011_09_26_drive_0009_sync/image_02/data/0000000000.png None 721.5377 +2011_09_26/2011_09_26_drive_0009_sync/image_02/data/0000000016.png 2011_09_26_drive_0009_sync/proj_depth/groundtruth/image_02/0000000016.png 721.5377 +2011_09_26/2011_09_26_drive_0009_sync/image_02/data/0000000032.png 2011_09_26_drive_0009_sync/proj_depth/groundtruth/image_02/0000000032.png 721.5377 +2011_09_26/2011_09_26_drive_0009_sync/image_02/data/0000000048.png 2011_09_26_drive_0009_sync/proj_depth/groundtruth/image_02/0000000048.png 721.5377 +2011_09_26/2011_09_26_drive_0009_sync/image_02/data/0000000064.png 2011_09_26_drive_0009_sync/proj_depth/groundtruth/image_02/0000000064.png 721.5377 +2011_09_26/2011_09_26_drive_0009_sync/image_02/data/0000000080.png 2011_09_26_drive_0009_sync/proj_depth/groundtruth/image_02/0000000080.png 721.5377 +2011_09_26/2011_09_26_drive_0009_sync/image_02/data/0000000096.png 2011_09_26_drive_0009_sync/proj_depth/groundtruth/image_02/0000000096.png 721.5377 +2011_09_26/2011_09_26_drive_0009_sync/image_02/data/0000000112.png 2011_09_26_drive_0009_sync/proj_depth/groundtruth/image_02/0000000112.png 721.5377 +2011_09_26/2011_09_26_drive_0009_sync/image_02/data/0000000128.png 2011_09_26_drive_0009_sync/proj_depth/groundtruth/image_02/0000000128.png 721.5377 +2011_09_26/2011_09_26_drive_0009_sync/image_02/data/0000000144.png 2011_09_26_drive_0009_sync/proj_depth/groundtruth/image_02/0000000144.png 721.5377 +2011_09_26/2011_09_26_drive_0009_sync/image_02/data/0000000160.png 2011_09_26_drive_0009_sync/proj_depth/groundtruth/image_02/0000000160.png 721.5377 +2011_09_26/2011_09_26_drive_0009_sync/image_02/data/0000000176.png 2011_09_26_drive_0009_sync/proj_depth/groundtruth/image_02/0000000176.png 721.5377 +2011_09_26/2011_09_26_drive_0009_sync/image_02/data/0000000196.png 2011_09_26_drive_0009_sync/proj_depth/groundtruth/image_02/0000000196.png 721.5377 +2011_09_26/2011_09_26_drive_0009_sync/image_02/data/0000000212.png 2011_09_26_drive_0009_sync/proj_depth/groundtruth/image_02/0000000212.png 721.5377 +2011_09_26/2011_09_26_drive_0009_sync/image_02/data/0000000228.png 2011_09_26_drive_0009_sync/proj_depth/groundtruth/image_02/0000000228.png 721.5377 +2011_09_26/2011_09_26_drive_0009_sync/image_02/data/0000000244.png 2011_09_26_drive_0009_sync/proj_depth/groundtruth/image_02/0000000244.png 721.5377 +2011_09_26/2011_09_26_drive_0009_sync/image_02/data/0000000260.png 2011_09_26_drive_0009_sync/proj_depth/groundtruth/image_02/0000000260.png 721.5377 +2011_09_26/2011_09_26_drive_0009_sync/image_02/data/0000000276.png 2011_09_26_drive_0009_sync/proj_depth/groundtruth/image_02/0000000276.png 721.5377 +2011_09_26/2011_09_26_drive_0009_sync/image_02/data/0000000292.png 2011_09_26_drive_0009_sync/proj_depth/groundtruth/image_02/0000000292.png 721.5377 +2011_09_26/2011_09_26_drive_0009_sync/image_02/data/0000000308.png 2011_09_26_drive_0009_sync/proj_depth/groundtruth/image_02/0000000308.png 721.5377 +2011_09_26/2011_09_26_drive_0009_sync/image_02/data/0000000324.png 2011_09_26_drive_0009_sync/proj_depth/groundtruth/image_02/0000000324.png 721.5377 +2011_09_26/2011_09_26_drive_0009_sync/image_02/data/0000000340.png 2011_09_26_drive_0009_sync/proj_depth/groundtruth/image_02/0000000340.png 721.5377 +2011_09_26/2011_09_26_drive_0009_sync/image_02/data/0000000356.png 2011_09_26_drive_0009_sync/proj_depth/groundtruth/image_02/0000000356.png 721.5377 +2011_09_26/2011_09_26_drive_0009_sync/image_02/data/0000000372.png 2011_09_26_drive_0009_sync/proj_depth/groundtruth/image_02/0000000372.png 721.5377 +2011_09_26/2011_09_26_drive_0009_sync/image_02/data/0000000388.png 2011_09_26_drive_0009_sync/proj_depth/groundtruth/image_02/0000000388.png 721.5377 +2011_09_26/2011_09_26_drive_0013_sync/image_02/data/0000000090.png 2011_09_26_drive_0013_sync/proj_depth/groundtruth/image_02/0000000090.png 721.5377 +2011_09_26/2011_09_26_drive_0013_sync/image_02/data/0000000050.png 2011_09_26_drive_0013_sync/proj_depth/groundtruth/image_02/0000000050.png 721.5377 +2011_09_26/2011_09_26_drive_0013_sync/image_02/data/0000000110.png 2011_09_26_drive_0013_sync/proj_depth/groundtruth/image_02/0000000110.png 721.5377 +2011_09_26/2011_09_26_drive_0013_sync/image_02/data/0000000115.png 2011_09_26_drive_0013_sync/proj_depth/groundtruth/image_02/0000000115.png 721.5377 +2011_09_26/2011_09_26_drive_0013_sync/image_02/data/0000000060.png 2011_09_26_drive_0013_sync/proj_depth/groundtruth/image_02/0000000060.png 721.5377 +2011_09_26/2011_09_26_drive_0013_sync/image_02/data/0000000105.png 2011_09_26_drive_0013_sync/proj_depth/groundtruth/image_02/0000000105.png 721.5377 +2011_09_26/2011_09_26_drive_0013_sync/image_02/data/0000000125.png 2011_09_26_drive_0013_sync/proj_depth/groundtruth/image_02/0000000125.png 721.5377 +2011_09_26/2011_09_26_drive_0013_sync/image_02/data/0000000020.png 2011_09_26_drive_0013_sync/proj_depth/groundtruth/image_02/0000000020.png 721.5377 +2011_09_26/2011_09_26_drive_0013_sync/image_02/data/0000000140.png None 721.5377 +2011_09_26/2011_09_26_drive_0013_sync/image_02/data/0000000085.png 2011_09_26_drive_0013_sync/proj_depth/groundtruth/image_02/0000000085.png 721.5377 +2011_09_26/2011_09_26_drive_0013_sync/image_02/data/0000000070.png 2011_09_26_drive_0013_sync/proj_depth/groundtruth/image_02/0000000070.png 721.5377 +2011_09_26/2011_09_26_drive_0013_sync/image_02/data/0000000080.png 2011_09_26_drive_0013_sync/proj_depth/groundtruth/image_02/0000000080.png 721.5377 +2011_09_26/2011_09_26_drive_0013_sync/image_02/data/0000000065.png 2011_09_26_drive_0013_sync/proj_depth/groundtruth/image_02/0000000065.png 721.5377 +2011_09_26/2011_09_26_drive_0013_sync/image_02/data/0000000095.png 2011_09_26_drive_0013_sync/proj_depth/groundtruth/image_02/0000000095.png 721.5377 +2011_09_26/2011_09_26_drive_0013_sync/image_02/data/0000000130.png 2011_09_26_drive_0013_sync/proj_depth/groundtruth/image_02/0000000130.png 721.5377 +2011_09_26/2011_09_26_drive_0013_sync/image_02/data/0000000100.png 2011_09_26_drive_0013_sync/proj_depth/groundtruth/image_02/0000000100.png 721.5377 +2011_09_26/2011_09_26_drive_0013_sync/image_02/data/0000000010.png 2011_09_26_drive_0013_sync/proj_depth/groundtruth/image_02/0000000010.png 721.5377 +2011_09_26/2011_09_26_drive_0013_sync/image_02/data/0000000030.png 2011_09_26_drive_0013_sync/proj_depth/groundtruth/image_02/0000000030.png 721.5377 +2011_09_26/2011_09_26_drive_0013_sync/image_02/data/0000000000.png None 721.5377 +2011_09_26/2011_09_26_drive_0013_sync/image_02/data/0000000135.png 2011_09_26_drive_0013_sync/proj_depth/groundtruth/image_02/0000000135.png 721.5377 +2011_09_26/2011_09_26_drive_0013_sync/image_02/data/0000000040.png 2011_09_26_drive_0013_sync/proj_depth/groundtruth/image_02/0000000040.png 721.5377 +2011_09_26/2011_09_26_drive_0013_sync/image_02/data/0000000005.png 2011_09_26_drive_0013_sync/proj_depth/groundtruth/image_02/0000000005.png 721.5377 +2011_09_26/2011_09_26_drive_0013_sync/image_02/data/0000000120.png 2011_09_26_drive_0013_sync/proj_depth/groundtruth/image_02/0000000120.png 721.5377 +2011_09_26/2011_09_26_drive_0013_sync/image_02/data/0000000045.png 2011_09_26_drive_0013_sync/proj_depth/groundtruth/image_02/0000000045.png 721.5377 +2011_09_26/2011_09_26_drive_0013_sync/image_02/data/0000000035.png 2011_09_26_drive_0013_sync/proj_depth/groundtruth/image_02/0000000035.png 721.5377 +2011_09_26/2011_09_26_drive_0020_sync/image_02/data/0000000003.png None 721.5377 +2011_09_26/2011_09_26_drive_0020_sync/image_02/data/0000000069.png 2011_09_26_drive_0020_sync/proj_depth/groundtruth/image_02/0000000069.png 721.5377 +2011_09_26/2011_09_26_drive_0020_sync/image_02/data/0000000057.png 2011_09_26_drive_0020_sync/proj_depth/groundtruth/image_02/0000000057.png 721.5377 +2011_09_26/2011_09_26_drive_0020_sync/image_02/data/0000000012.png 2011_09_26_drive_0020_sync/proj_depth/groundtruth/image_02/0000000012.png 721.5377 +2011_09_26/2011_09_26_drive_0020_sync/image_02/data/0000000072.png 2011_09_26_drive_0020_sync/proj_depth/groundtruth/image_02/0000000072.png 721.5377 +2011_09_26/2011_09_26_drive_0020_sync/image_02/data/0000000018.png 2011_09_26_drive_0020_sync/proj_depth/groundtruth/image_02/0000000018.png 721.5377 +2011_09_26/2011_09_26_drive_0020_sync/image_02/data/0000000063.png 2011_09_26_drive_0020_sync/proj_depth/groundtruth/image_02/0000000063.png 721.5377 +2011_09_26/2011_09_26_drive_0020_sync/image_02/data/0000000000.png None 721.5377 +2011_09_26/2011_09_26_drive_0020_sync/image_02/data/0000000084.png None 721.5377 +2011_09_26/2011_09_26_drive_0020_sync/image_02/data/0000000015.png 2011_09_26_drive_0020_sync/proj_depth/groundtruth/image_02/0000000015.png 721.5377 +2011_09_26/2011_09_26_drive_0020_sync/image_02/data/0000000066.png 2011_09_26_drive_0020_sync/proj_depth/groundtruth/image_02/0000000066.png 721.5377 +2011_09_26/2011_09_26_drive_0020_sync/image_02/data/0000000006.png 2011_09_26_drive_0020_sync/proj_depth/groundtruth/image_02/0000000006.png 721.5377 +2011_09_26/2011_09_26_drive_0020_sync/image_02/data/0000000048.png 2011_09_26_drive_0020_sync/proj_depth/groundtruth/image_02/0000000048.png 721.5377 +2011_09_26/2011_09_26_drive_0020_sync/image_02/data/0000000060.png 2011_09_26_drive_0020_sync/proj_depth/groundtruth/image_02/0000000060.png 721.5377 +2011_09_26/2011_09_26_drive_0020_sync/image_02/data/0000000009.png 2011_09_26_drive_0020_sync/proj_depth/groundtruth/image_02/0000000009.png 721.5377 +2011_09_26/2011_09_26_drive_0020_sync/image_02/data/0000000033.png 2011_09_26_drive_0020_sync/proj_depth/groundtruth/image_02/0000000033.png 721.5377 +2011_09_26/2011_09_26_drive_0020_sync/image_02/data/0000000021.png 2011_09_26_drive_0020_sync/proj_depth/groundtruth/image_02/0000000021.png 721.5377 +2011_09_26/2011_09_26_drive_0020_sync/image_02/data/0000000075.png 2011_09_26_drive_0020_sync/proj_depth/groundtruth/image_02/0000000075.png 721.5377 +2011_09_26/2011_09_26_drive_0020_sync/image_02/data/0000000027.png 2011_09_26_drive_0020_sync/proj_depth/groundtruth/image_02/0000000027.png 721.5377 +2011_09_26/2011_09_26_drive_0020_sync/image_02/data/0000000045.png 2011_09_26_drive_0020_sync/proj_depth/groundtruth/image_02/0000000045.png 721.5377 +2011_09_26/2011_09_26_drive_0020_sync/image_02/data/0000000078.png 2011_09_26_drive_0020_sync/proj_depth/groundtruth/image_02/0000000078.png 721.5377 +2011_09_26/2011_09_26_drive_0020_sync/image_02/data/0000000036.png 2011_09_26_drive_0020_sync/proj_depth/groundtruth/image_02/0000000036.png 721.5377 +2011_09_26/2011_09_26_drive_0020_sync/image_02/data/0000000051.png 2011_09_26_drive_0020_sync/proj_depth/groundtruth/image_02/0000000051.png 721.5377 +2011_09_26/2011_09_26_drive_0020_sync/image_02/data/0000000054.png 2011_09_26_drive_0020_sync/proj_depth/groundtruth/image_02/0000000054.png 721.5377 +2011_09_26/2011_09_26_drive_0020_sync/image_02/data/0000000042.png 2011_09_26_drive_0020_sync/proj_depth/groundtruth/image_02/0000000042.png 721.5377 +2011_09_26/2011_09_26_drive_0023_sync/image_02/data/0000000018.png 2011_09_26_drive_0023_sync/proj_depth/groundtruth/image_02/0000000018.png 721.5377 +2011_09_26/2011_09_26_drive_0023_sync/image_02/data/0000000090.png 2011_09_26_drive_0023_sync/proj_depth/groundtruth/image_02/0000000090.png 721.5377 +2011_09_26/2011_09_26_drive_0023_sync/image_02/data/0000000126.png 2011_09_26_drive_0023_sync/proj_depth/groundtruth/image_02/0000000126.png 721.5377 +2011_09_26/2011_09_26_drive_0023_sync/image_02/data/0000000378.png 2011_09_26_drive_0023_sync/proj_depth/groundtruth/image_02/0000000378.png 721.5377 +2011_09_26/2011_09_26_drive_0023_sync/image_02/data/0000000036.png 2011_09_26_drive_0023_sync/proj_depth/groundtruth/image_02/0000000036.png 721.5377 +2011_09_26/2011_09_26_drive_0023_sync/image_02/data/0000000288.png 2011_09_26_drive_0023_sync/proj_depth/groundtruth/image_02/0000000288.png 721.5377 +2011_09_26/2011_09_26_drive_0023_sync/image_02/data/0000000198.png 2011_09_26_drive_0023_sync/proj_depth/groundtruth/image_02/0000000198.png 721.5377 +2011_09_26/2011_09_26_drive_0023_sync/image_02/data/0000000450.png 2011_09_26_drive_0023_sync/proj_depth/groundtruth/image_02/0000000450.png 721.5377 +2011_09_26/2011_09_26_drive_0023_sync/image_02/data/0000000144.png 2011_09_26_drive_0023_sync/proj_depth/groundtruth/image_02/0000000144.png 721.5377 +2011_09_26/2011_09_26_drive_0023_sync/image_02/data/0000000072.png 2011_09_26_drive_0023_sync/proj_depth/groundtruth/image_02/0000000072.png 721.5377 +2011_09_26/2011_09_26_drive_0023_sync/image_02/data/0000000252.png 2011_09_26_drive_0023_sync/proj_depth/groundtruth/image_02/0000000252.png 721.5377 +2011_09_26/2011_09_26_drive_0023_sync/image_02/data/0000000180.png 2011_09_26_drive_0023_sync/proj_depth/groundtruth/image_02/0000000180.png 721.5377 +2011_09_26/2011_09_26_drive_0023_sync/image_02/data/0000000432.png 2011_09_26_drive_0023_sync/proj_depth/groundtruth/image_02/0000000432.png 721.5377 +2011_09_26/2011_09_26_drive_0023_sync/image_02/data/0000000396.png 2011_09_26_drive_0023_sync/proj_depth/groundtruth/image_02/0000000396.png 721.5377 +2011_09_26/2011_09_26_drive_0023_sync/image_02/data/0000000054.png 2011_09_26_drive_0023_sync/proj_depth/groundtruth/image_02/0000000054.png 721.5377 +2011_09_26/2011_09_26_drive_0023_sync/image_02/data/0000000468.png 2011_09_26_drive_0023_sync/proj_depth/groundtruth/image_02/0000000468.png 721.5377 +2011_09_26/2011_09_26_drive_0023_sync/image_02/data/0000000306.png 2011_09_26_drive_0023_sync/proj_depth/groundtruth/image_02/0000000306.png 721.5377 +2011_09_26/2011_09_26_drive_0023_sync/image_02/data/0000000108.png 2011_09_26_drive_0023_sync/proj_depth/groundtruth/image_02/0000000108.png 721.5377 +2011_09_26/2011_09_26_drive_0023_sync/image_02/data/0000000162.png 2011_09_26_drive_0023_sync/proj_depth/groundtruth/image_02/0000000162.png 721.5377 +2011_09_26/2011_09_26_drive_0023_sync/image_02/data/0000000342.png 2011_09_26_drive_0023_sync/proj_depth/groundtruth/image_02/0000000342.png 721.5377 +2011_09_26/2011_09_26_drive_0023_sync/image_02/data/0000000270.png 2011_09_26_drive_0023_sync/proj_depth/groundtruth/image_02/0000000270.png 721.5377 +2011_09_26/2011_09_26_drive_0023_sync/image_02/data/0000000414.png 2011_09_26_drive_0023_sync/proj_depth/groundtruth/image_02/0000000414.png 721.5377 +2011_09_26/2011_09_26_drive_0023_sync/image_02/data/0000000216.png 2011_09_26_drive_0023_sync/proj_depth/groundtruth/image_02/0000000216.png 721.5377 +2011_09_26/2011_09_26_drive_0023_sync/image_02/data/0000000360.png 2011_09_26_drive_0023_sync/proj_depth/groundtruth/image_02/0000000360.png 721.5377 +2011_09_26/2011_09_26_drive_0023_sync/image_02/data/0000000324.png 2011_09_26_drive_0023_sync/proj_depth/groundtruth/image_02/0000000324.png 721.5377 +2011_09_26/2011_09_26_drive_0027_sync/image_02/data/0000000077.png 2011_09_26_drive_0027_sync/proj_depth/groundtruth/image_02/0000000077.png 721.5377 +2011_09_26/2011_09_26_drive_0027_sync/image_02/data/0000000035.png 2011_09_26_drive_0027_sync/proj_depth/groundtruth/image_02/0000000035.png 721.5377 +2011_09_26/2011_09_26_drive_0027_sync/image_02/data/0000000091.png 2011_09_26_drive_0027_sync/proj_depth/groundtruth/image_02/0000000091.png 721.5377 +2011_09_26/2011_09_26_drive_0027_sync/image_02/data/0000000112.png 2011_09_26_drive_0027_sync/proj_depth/groundtruth/image_02/0000000112.png 721.5377 +2011_09_26/2011_09_26_drive_0027_sync/image_02/data/0000000007.png 2011_09_26_drive_0027_sync/proj_depth/groundtruth/image_02/0000000007.png 721.5377 +2011_09_26/2011_09_26_drive_0027_sync/image_02/data/0000000175.png 2011_09_26_drive_0027_sync/proj_depth/groundtruth/image_02/0000000175.png 721.5377 +2011_09_26/2011_09_26_drive_0027_sync/image_02/data/0000000042.png 2011_09_26_drive_0027_sync/proj_depth/groundtruth/image_02/0000000042.png 721.5377 +2011_09_26/2011_09_26_drive_0027_sync/image_02/data/0000000098.png 2011_09_26_drive_0027_sync/proj_depth/groundtruth/image_02/0000000098.png 721.5377 +2011_09_26/2011_09_26_drive_0027_sync/image_02/data/0000000133.png 2011_09_26_drive_0027_sync/proj_depth/groundtruth/image_02/0000000133.png 721.5377 +2011_09_26/2011_09_26_drive_0027_sync/image_02/data/0000000161.png 2011_09_26_drive_0027_sync/proj_depth/groundtruth/image_02/0000000161.png 721.5377 +2011_09_26/2011_09_26_drive_0027_sync/image_02/data/0000000014.png 2011_09_26_drive_0027_sync/proj_depth/groundtruth/image_02/0000000014.png 721.5377 +2011_09_26/2011_09_26_drive_0027_sync/image_02/data/0000000126.png 2011_09_26_drive_0027_sync/proj_depth/groundtruth/image_02/0000000126.png 721.5377 +2011_09_26/2011_09_26_drive_0027_sync/image_02/data/0000000168.png 2011_09_26_drive_0027_sync/proj_depth/groundtruth/image_02/0000000168.png 721.5377 +2011_09_26/2011_09_26_drive_0027_sync/image_02/data/0000000070.png 2011_09_26_drive_0027_sync/proj_depth/groundtruth/image_02/0000000070.png 721.5377 +2011_09_26/2011_09_26_drive_0027_sync/image_02/data/0000000084.png 2011_09_26_drive_0027_sync/proj_depth/groundtruth/image_02/0000000084.png 721.5377 +2011_09_26/2011_09_26_drive_0027_sync/image_02/data/0000000140.png 2011_09_26_drive_0027_sync/proj_depth/groundtruth/image_02/0000000140.png 721.5377 +2011_09_26/2011_09_26_drive_0027_sync/image_02/data/0000000049.png 2011_09_26_drive_0027_sync/proj_depth/groundtruth/image_02/0000000049.png 721.5377 +2011_09_26/2011_09_26_drive_0027_sync/image_02/data/0000000000.png None 721.5377 +2011_09_26/2011_09_26_drive_0027_sync/image_02/data/0000000182.png 2011_09_26_drive_0027_sync/proj_depth/groundtruth/image_02/0000000182.png 721.5377 +2011_09_26/2011_09_26_drive_0027_sync/image_02/data/0000000147.png 2011_09_26_drive_0027_sync/proj_depth/groundtruth/image_02/0000000147.png 721.5377 +2011_09_26/2011_09_26_drive_0027_sync/image_02/data/0000000056.png 2011_09_26_drive_0027_sync/proj_depth/groundtruth/image_02/0000000056.png 721.5377 +2011_09_26/2011_09_26_drive_0027_sync/image_02/data/0000000063.png 2011_09_26_drive_0027_sync/proj_depth/groundtruth/image_02/0000000063.png 721.5377 +2011_09_26/2011_09_26_drive_0027_sync/image_02/data/0000000021.png 2011_09_26_drive_0027_sync/proj_depth/groundtruth/image_02/0000000021.png 721.5377 +2011_09_26/2011_09_26_drive_0027_sync/image_02/data/0000000119.png 2011_09_26_drive_0027_sync/proj_depth/groundtruth/image_02/0000000119.png 721.5377 +2011_09_26/2011_09_26_drive_0027_sync/image_02/data/0000000028.png 2011_09_26_drive_0027_sync/proj_depth/groundtruth/image_02/0000000028.png 721.5377 +2011_09_26/2011_09_26_drive_0029_sync/image_02/data/0000000380.png 2011_09_26_drive_0029_sync/proj_depth/groundtruth/image_02/0000000380.png 721.5377 +2011_09_26/2011_09_26_drive_0029_sync/image_02/data/0000000394.png 2011_09_26_drive_0029_sync/proj_depth/groundtruth/image_02/0000000394.png 721.5377 +2011_09_26/2011_09_26_drive_0029_sync/image_02/data/0000000324.png 2011_09_26_drive_0029_sync/proj_depth/groundtruth/image_02/0000000324.png 721.5377 +2011_09_26/2011_09_26_drive_0029_sync/image_02/data/0000000000.png None 721.5377 +2011_09_26/2011_09_26_drive_0029_sync/image_02/data/0000000268.png 2011_09_26_drive_0029_sync/proj_depth/groundtruth/image_02/0000000268.png 721.5377 +2011_09_26/2011_09_26_drive_0029_sync/image_02/data/0000000366.png 2011_09_26_drive_0029_sync/proj_depth/groundtruth/image_02/0000000366.png 721.5377 +2011_09_26/2011_09_26_drive_0029_sync/image_02/data/0000000296.png 2011_09_26_drive_0029_sync/proj_depth/groundtruth/image_02/0000000296.png 721.5377 +2011_09_26/2011_09_26_drive_0029_sync/image_02/data/0000000014.png 2011_09_26_drive_0029_sync/proj_depth/groundtruth/image_02/0000000014.png 721.5377 +2011_09_26/2011_09_26_drive_0029_sync/image_02/data/0000000028.png 2011_09_26_drive_0029_sync/proj_depth/groundtruth/image_02/0000000028.png 721.5377 +2011_09_26/2011_09_26_drive_0029_sync/image_02/data/0000000182.png 2011_09_26_drive_0029_sync/proj_depth/groundtruth/image_02/0000000182.png 721.5377 +2011_09_26/2011_09_26_drive_0029_sync/image_02/data/0000000168.png 2011_09_26_drive_0029_sync/proj_depth/groundtruth/image_02/0000000168.png 721.5377 +2011_09_26/2011_09_26_drive_0029_sync/image_02/data/0000000196.png 2011_09_26_drive_0029_sync/proj_depth/groundtruth/image_02/0000000196.png 721.5377 +2011_09_26/2011_09_26_drive_0029_sync/image_02/data/0000000140.png 2011_09_26_drive_0029_sync/proj_depth/groundtruth/image_02/0000000140.png 721.5377 +2011_09_26/2011_09_26_drive_0029_sync/image_02/data/0000000084.png 2011_09_26_drive_0029_sync/proj_depth/groundtruth/image_02/0000000084.png 721.5377 +2011_09_26/2011_09_26_drive_0029_sync/image_02/data/0000000056.png 2011_09_26_drive_0029_sync/proj_depth/groundtruth/image_02/0000000056.png 721.5377 +2011_09_26/2011_09_26_drive_0029_sync/image_02/data/0000000112.png 2011_09_26_drive_0029_sync/proj_depth/groundtruth/image_02/0000000112.png 721.5377 +2011_09_26/2011_09_26_drive_0029_sync/image_02/data/0000000352.png 2011_09_26_drive_0029_sync/proj_depth/groundtruth/image_02/0000000352.png 721.5377 +2011_09_26/2011_09_26_drive_0029_sync/image_02/data/0000000126.png 2011_09_26_drive_0029_sync/proj_depth/groundtruth/image_02/0000000126.png 721.5377 +2011_09_26/2011_09_26_drive_0029_sync/image_02/data/0000000070.png 2011_09_26_drive_0029_sync/proj_depth/groundtruth/image_02/0000000070.png 721.5377 +2011_09_26/2011_09_26_drive_0029_sync/image_02/data/0000000310.png 2011_09_26_drive_0029_sync/proj_depth/groundtruth/image_02/0000000310.png 721.5377 +2011_09_26/2011_09_26_drive_0029_sync/image_02/data/0000000154.png 2011_09_26_drive_0029_sync/proj_depth/groundtruth/image_02/0000000154.png 721.5377 +2011_09_26/2011_09_26_drive_0029_sync/image_02/data/0000000098.png 2011_09_26_drive_0029_sync/proj_depth/groundtruth/image_02/0000000098.png 721.5377 +2011_09_26/2011_09_26_drive_0029_sync/image_02/data/0000000408.png 2011_09_26_drive_0029_sync/proj_depth/groundtruth/image_02/0000000408.png 721.5377 +2011_09_26/2011_09_26_drive_0029_sync/image_02/data/0000000042.png 2011_09_26_drive_0029_sync/proj_depth/groundtruth/image_02/0000000042.png 721.5377 +2011_09_26/2011_09_26_drive_0029_sync/image_02/data/0000000338.png 2011_09_26_drive_0029_sync/proj_depth/groundtruth/image_02/0000000338.png 721.5377 +2011_09_26/2011_09_26_drive_0036_sync/image_02/data/0000000000.png None 721.5377 +2011_09_26/2011_09_26_drive_0036_sync/image_02/data/0000000128.png 2011_09_26_drive_0036_sync/proj_depth/groundtruth/image_02/0000000128.png 721.5377 +2011_09_26/2011_09_26_drive_0036_sync/image_02/data/0000000192.png 2011_09_26_drive_0036_sync/proj_depth/groundtruth/image_02/0000000192.png 721.5377 +2011_09_26/2011_09_26_drive_0036_sync/image_02/data/0000000032.png 2011_09_26_drive_0036_sync/proj_depth/groundtruth/image_02/0000000032.png 721.5377 +2011_09_26/2011_09_26_drive_0036_sync/image_02/data/0000000352.png 2011_09_26_drive_0036_sync/proj_depth/groundtruth/image_02/0000000352.png 721.5377 +2011_09_26/2011_09_26_drive_0036_sync/image_02/data/0000000608.png 2011_09_26_drive_0036_sync/proj_depth/groundtruth/image_02/0000000608.png 721.5377 +2011_09_26/2011_09_26_drive_0036_sync/image_02/data/0000000224.png 2011_09_26_drive_0036_sync/proj_depth/groundtruth/image_02/0000000224.png 721.5377 +2011_09_26/2011_09_26_drive_0036_sync/image_02/data/0000000576.png 2011_09_26_drive_0036_sync/proj_depth/groundtruth/image_02/0000000576.png 721.5377 +2011_09_26/2011_09_26_drive_0036_sync/image_02/data/0000000672.png 2011_09_26_drive_0036_sync/proj_depth/groundtruth/image_02/0000000672.png 721.5377 +2011_09_26/2011_09_26_drive_0036_sync/image_02/data/0000000064.png 2011_09_26_drive_0036_sync/proj_depth/groundtruth/image_02/0000000064.png 721.5377 +2011_09_26/2011_09_26_drive_0036_sync/image_02/data/0000000448.png 2011_09_26_drive_0036_sync/proj_depth/groundtruth/image_02/0000000448.png 721.5377 +2011_09_26/2011_09_26_drive_0036_sync/image_02/data/0000000704.png 2011_09_26_drive_0036_sync/proj_depth/groundtruth/image_02/0000000704.png 721.5377 +2011_09_26/2011_09_26_drive_0036_sync/image_02/data/0000000640.png 2011_09_26_drive_0036_sync/proj_depth/groundtruth/image_02/0000000640.png 721.5377 +2011_09_26/2011_09_26_drive_0036_sync/image_02/data/0000000512.png 2011_09_26_drive_0036_sync/proj_depth/groundtruth/image_02/0000000512.png 721.5377 +2011_09_26/2011_09_26_drive_0036_sync/image_02/data/0000000768.png 2011_09_26_drive_0036_sync/proj_depth/groundtruth/image_02/0000000768.png 721.5377 +2011_09_26/2011_09_26_drive_0036_sync/image_02/data/0000000160.png 2011_09_26_drive_0036_sync/proj_depth/groundtruth/image_02/0000000160.png 721.5377 +2011_09_26/2011_09_26_drive_0036_sync/image_02/data/0000000416.png 2011_09_26_drive_0036_sync/proj_depth/groundtruth/image_02/0000000416.png 721.5377 +2011_09_26/2011_09_26_drive_0036_sync/image_02/data/0000000480.png 2011_09_26_drive_0036_sync/proj_depth/groundtruth/image_02/0000000480.png 721.5377 +2011_09_26/2011_09_26_drive_0036_sync/image_02/data/0000000800.png None 721.5377 +2011_09_26/2011_09_26_drive_0036_sync/image_02/data/0000000288.png 2011_09_26_drive_0036_sync/proj_depth/groundtruth/image_02/0000000288.png 721.5377 +2011_09_26/2011_09_26_drive_0036_sync/image_02/data/0000000544.png 2011_09_26_drive_0036_sync/proj_depth/groundtruth/image_02/0000000544.png 721.5377 +2011_09_26/2011_09_26_drive_0036_sync/image_02/data/0000000096.png 2011_09_26_drive_0036_sync/proj_depth/groundtruth/image_02/0000000096.png 721.5377 +2011_09_26/2011_09_26_drive_0036_sync/image_02/data/0000000384.png 2011_09_26_drive_0036_sync/proj_depth/groundtruth/image_02/0000000384.png 721.5377 +2011_09_26/2011_09_26_drive_0036_sync/image_02/data/0000000256.png 2011_09_26_drive_0036_sync/proj_depth/groundtruth/image_02/0000000256.png 721.5377 +2011_09_26/2011_09_26_drive_0036_sync/image_02/data/0000000320.png 2011_09_26_drive_0036_sync/proj_depth/groundtruth/image_02/0000000320.png 721.5377 +2011_09_26/2011_09_26_drive_0046_sync/image_02/data/0000000000.png None 721.5377 +2011_09_26/2011_09_26_drive_0046_sync/image_02/data/0000000005.png 2011_09_26_drive_0046_sync/proj_depth/groundtruth/image_02/0000000005.png 721.5377 +2011_09_26/2011_09_26_drive_0046_sync/image_02/data/0000000010.png 2011_09_26_drive_0046_sync/proj_depth/groundtruth/image_02/0000000010.png 721.5377 +2011_09_26/2011_09_26_drive_0046_sync/image_02/data/0000000015.png 2011_09_26_drive_0046_sync/proj_depth/groundtruth/image_02/0000000015.png 721.5377 +2011_09_26/2011_09_26_drive_0046_sync/image_02/data/0000000020.png 2011_09_26_drive_0046_sync/proj_depth/groundtruth/image_02/0000000020.png 721.5377 +2011_09_26/2011_09_26_drive_0046_sync/image_02/data/0000000025.png 2011_09_26_drive_0046_sync/proj_depth/groundtruth/image_02/0000000025.png 721.5377 +2011_09_26/2011_09_26_drive_0046_sync/image_02/data/0000000030.png 2011_09_26_drive_0046_sync/proj_depth/groundtruth/image_02/0000000030.png 721.5377 +2011_09_26/2011_09_26_drive_0046_sync/image_02/data/0000000035.png 2011_09_26_drive_0046_sync/proj_depth/groundtruth/image_02/0000000035.png 721.5377 +2011_09_26/2011_09_26_drive_0046_sync/image_02/data/0000000040.png 2011_09_26_drive_0046_sync/proj_depth/groundtruth/image_02/0000000040.png 721.5377 +2011_09_26/2011_09_26_drive_0046_sync/image_02/data/0000000045.png 2011_09_26_drive_0046_sync/proj_depth/groundtruth/image_02/0000000045.png 721.5377 +2011_09_26/2011_09_26_drive_0046_sync/image_02/data/0000000050.png 2011_09_26_drive_0046_sync/proj_depth/groundtruth/image_02/0000000050.png 721.5377 +2011_09_26/2011_09_26_drive_0046_sync/image_02/data/0000000055.png 2011_09_26_drive_0046_sync/proj_depth/groundtruth/image_02/0000000055.png 721.5377 +2011_09_26/2011_09_26_drive_0046_sync/image_02/data/0000000060.png 2011_09_26_drive_0046_sync/proj_depth/groundtruth/image_02/0000000060.png 721.5377 +2011_09_26/2011_09_26_drive_0046_sync/image_02/data/0000000065.png 2011_09_26_drive_0046_sync/proj_depth/groundtruth/image_02/0000000065.png 721.5377 +2011_09_26/2011_09_26_drive_0046_sync/image_02/data/0000000070.png 2011_09_26_drive_0046_sync/proj_depth/groundtruth/image_02/0000000070.png 721.5377 +2011_09_26/2011_09_26_drive_0046_sync/image_02/data/0000000075.png 2011_09_26_drive_0046_sync/proj_depth/groundtruth/image_02/0000000075.png 721.5377 +2011_09_26/2011_09_26_drive_0046_sync/image_02/data/0000000080.png 2011_09_26_drive_0046_sync/proj_depth/groundtruth/image_02/0000000080.png 721.5377 +2011_09_26/2011_09_26_drive_0046_sync/image_02/data/0000000085.png 2011_09_26_drive_0046_sync/proj_depth/groundtruth/image_02/0000000085.png 721.5377 +2011_09_26/2011_09_26_drive_0046_sync/image_02/data/0000000090.png 2011_09_26_drive_0046_sync/proj_depth/groundtruth/image_02/0000000090.png 721.5377 +2011_09_26/2011_09_26_drive_0046_sync/image_02/data/0000000095.png 2011_09_26_drive_0046_sync/proj_depth/groundtruth/image_02/0000000095.png 721.5377 +2011_09_26/2011_09_26_drive_0046_sync/image_02/data/0000000100.png 2011_09_26_drive_0046_sync/proj_depth/groundtruth/image_02/0000000100.png 721.5377 +2011_09_26/2011_09_26_drive_0046_sync/image_02/data/0000000105.png 2011_09_26_drive_0046_sync/proj_depth/groundtruth/image_02/0000000105.png 721.5377 +2011_09_26/2011_09_26_drive_0046_sync/image_02/data/0000000110.png 2011_09_26_drive_0046_sync/proj_depth/groundtruth/image_02/0000000110.png 721.5377 +2011_09_26/2011_09_26_drive_0046_sync/image_02/data/0000000115.png 2011_09_26_drive_0046_sync/proj_depth/groundtruth/image_02/0000000115.png 721.5377 +2011_09_26/2011_09_26_drive_0046_sync/image_02/data/0000000120.png None 721.5377 +2011_09_26/2011_09_26_drive_0048_sync/image_02/data/0000000000.png None 721.5377 +2011_09_26/2011_09_26_drive_0048_sync/image_02/data/0000000001.png None 721.5377 +2011_09_26/2011_09_26_drive_0048_sync/image_02/data/0000000002.png None 721.5377 +2011_09_26/2011_09_26_drive_0048_sync/image_02/data/0000000003.png None 721.5377 +2011_09_26/2011_09_26_drive_0048_sync/image_02/data/0000000004.png None 721.5377 +2011_09_26/2011_09_26_drive_0048_sync/image_02/data/0000000005.png 2011_09_26_drive_0048_sync/proj_depth/groundtruth/image_02/0000000005.png 721.5377 +2011_09_26/2011_09_26_drive_0048_sync/image_02/data/0000000006.png 2011_09_26_drive_0048_sync/proj_depth/groundtruth/image_02/0000000006.png 721.5377 +2011_09_26/2011_09_26_drive_0048_sync/image_02/data/0000000007.png 2011_09_26_drive_0048_sync/proj_depth/groundtruth/image_02/0000000007.png 721.5377 +2011_09_26/2011_09_26_drive_0048_sync/image_02/data/0000000008.png 2011_09_26_drive_0048_sync/proj_depth/groundtruth/image_02/0000000008.png 721.5377 +2011_09_26/2011_09_26_drive_0048_sync/image_02/data/0000000009.png 2011_09_26_drive_0048_sync/proj_depth/groundtruth/image_02/0000000009.png 721.5377 +2011_09_26/2011_09_26_drive_0048_sync/image_02/data/0000000010.png 2011_09_26_drive_0048_sync/proj_depth/groundtruth/image_02/0000000010.png 721.5377 +2011_09_26/2011_09_26_drive_0048_sync/image_02/data/0000000011.png 2011_09_26_drive_0048_sync/proj_depth/groundtruth/image_02/0000000011.png 721.5377 +2011_09_26/2011_09_26_drive_0048_sync/image_02/data/0000000012.png 2011_09_26_drive_0048_sync/proj_depth/groundtruth/image_02/0000000012.png 721.5377 +2011_09_26/2011_09_26_drive_0048_sync/image_02/data/0000000013.png 2011_09_26_drive_0048_sync/proj_depth/groundtruth/image_02/0000000013.png 721.5377 +2011_09_26/2011_09_26_drive_0048_sync/image_02/data/0000000014.png 2011_09_26_drive_0048_sync/proj_depth/groundtruth/image_02/0000000014.png 721.5377 +2011_09_26/2011_09_26_drive_0048_sync/image_02/data/0000000015.png 2011_09_26_drive_0048_sync/proj_depth/groundtruth/image_02/0000000015.png 721.5377 +2011_09_26/2011_09_26_drive_0048_sync/image_02/data/0000000016.png 2011_09_26_drive_0048_sync/proj_depth/groundtruth/image_02/0000000016.png 721.5377 +2011_09_26/2011_09_26_drive_0048_sync/image_02/data/0000000017.png None 721.5377 +2011_09_26/2011_09_26_drive_0048_sync/image_02/data/0000000018.png None 721.5377 +2011_09_26/2011_09_26_drive_0048_sync/image_02/data/0000000019.png None 721.5377 +2011_09_26/2011_09_26_drive_0048_sync/image_02/data/0000000020.png None 721.5377 +2011_09_26/2011_09_26_drive_0048_sync/image_02/data/0000000021.png None 721.5377 +2011_09_26/2011_09_26_drive_0052_sync/image_02/data/0000000046.png 2011_09_26_drive_0052_sync/proj_depth/groundtruth/image_02/0000000046.png 721.5377 +2011_09_26/2011_09_26_drive_0052_sync/image_02/data/0000000014.png 2011_09_26_drive_0052_sync/proj_depth/groundtruth/image_02/0000000014.png 721.5377 +2011_09_26/2011_09_26_drive_0052_sync/image_02/data/0000000036.png 2011_09_26_drive_0052_sync/proj_depth/groundtruth/image_02/0000000036.png 721.5377 +2011_09_26/2011_09_26_drive_0052_sync/image_02/data/0000000028.png 2011_09_26_drive_0052_sync/proj_depth/groundtruth/image_02/0000000028.png 721.5377 +2011_09_26/2011_09_26_drive_0052_sync/image_02/data/0000000026.png 2011_09_26_drive_0052_sync/proj_depth/groundtruth/image_02/0000000026.png 721.5377 +2011_09_26/2011_09_26_drive_0052_sync/image_02/data/0000000050.png 2011_09_26_drive_0052_sync/proj_depth/groundtruth/image_02/0000000050.png 721.5377 +2011_09_26/2011_09_26_drive_0052_sync/image_02/data/0000000040.png 2011_09_26_drive_0052_sync/proj_depth/groundtruth/image_02/0000000040.png 721.5377 +2011_09_26/2011_09_26_drive_0052_sync/image_02/data/0000000008.png 2011_09_26_drive_0052_sync/proj_depth/groundtruth/image_02/0000000008.png 721.5377 +2011_09_26/2011_09_26_drive_0052_sync/image_02/data/0000000016.png 2011_09_26_drive_0052_sync/proj_depth/groundtruth/image_02/0000000016.png 721.5377 +2011_09_26/2011_09_26_drive_0052_sync/image_02/data/0000000044.png 2011_09_26_drive_0052_sync/proj_depth/groundtruth/image_02/0000000044.png 721.5377 +2011_09_26/2011_09_26_drive_0052_sync/image_02/data/0000000018.png 2011_09_26_drive_0052_sync/proj_depth/groundtruth/image_02/0000000018.png 721.5377 +2011_09_26/2011_09_26_drive_0052_sync/image_02/data/0000000032.png 2011_09_26_drive_0052_sync/proj_depth/groundtruth/image_02/0000000032.png 721.5377 +2011_09_26/2011_09_26_drive_0052_sync/image_02/data/0000000042.png 2011_09_26_drive_0052_sync/proj_depth/groundtruth/image_02/0000000042.png 721.5377 +2011_09_26/2011_09_26_drive_0052_sync/image_02/data/0000000010.png 2011_09_26_drive_0052_sync/proj_depth/groundtruth/image_02/0000000010.png 721.5377 +2011_09_26/2011_09_26_drive_0052_sync/image_02/data/0000000020.png 2011_09_26_drive_0052_sync/proj_depth/groundtruth/image_02/0000000020.png 721.5377 +2011_09_26/2011_09_26_drive_0052_sync/image_02/data/0000000048.png 2011_09_26_drive_0052_sync/proj_depth/groundtruth/image_02/0000000048.png 721.5377 +2011_09_26/2011_09_26_drive_0052_sync/image_02/data/0000000052.png 2011_09_26_drive_0052_sync/proj_depth/groundtruth/image_02/0000000052.png 721.5377 +2011_09_26/2011_09_26_drive_0052_sync/image_02/data/0000000006.png 2011_09_26_drive_0052_sync/proj_depth/groundtruth/image_02/0000000006.png 721.5377 +2011_09_26/2011_09_26_drive_0052_sync/image_02/data/0000000030.png 2011_09_26_drive_0052_sync/proj_depth/groundtruth/image_02/0000000030.png 721.5377 +2011_09_26/2011_09_26_drive_0052_sync/image_02/data/0000000012.png 2011_09_26_drive_0052_sync/proj_depth/groundtruth/image_02/0000000012.png 721.5377 +2011_09_26/2011_09_26_drive_0052_sync/image_02/data/0000000038.png 2011_09_26_drive_0052_sync/proj_depth/groundtruth/image_02/0000000038.png 721.5377 +2011_09_26/2011_09_26_drive_0052_sync/image_02/data/0000000000.png None 721.5377 +2011_09_26/2011_09_26_drive_0052_sync/image_02/data/0000000002.png None 721.5377 +2011_09_26/2011_09_26_drive_0052_sync/image_02/data/0000000004.png None 721.5377 +2011_09_26/2011_09_26_drive_0052_sync/image_02/data/0000000022.png 2011_09_26_drive_0052_sync/proj_depth/groundtruth/image_02/0000000022.png 721.5377 +2011_09_26/2011_09_26_drive_0056_sync/image_02/data/0000000011.png 2011_09_26_drive_0056_sync/proj_depth/groundtruth/image_02/0000000011.png 721.5377 +2011_09_26/2011_09_26_drive_0056_sync/image_02/data/0000000033.png 2011_09_26_drive_0056_sync/proj_depth/groundtruth/image_02/0000000033.png 721.5377 +2011_09_26/2011_09_26_drive_0056_sync/image_02/data/0000000242.png 2011_09_26_drive_0056_sync/proj_depth/groundtruth/image_02/0000000242.png 721.5377 +2011_09_26/2011_09_26_drive_0056_sync/image_02/data/0000000253.png 2011_09_26_drive_0056_sync/proj_depth/groundtruth/image_02/0000000253.png 721.5377 +2011_09_26/2011_09_26_drive_0056_sync/image_02/data/0000000286.png 2011_09_26_drive_0056_sync/proj_depth/groundtruth/image_02/0000000286.png 721.5377 +2011_09_26/2011_09_26_drive_0056_sync/image_02/data/0000000154.png 2011_09_26_drive_0056_sync/proj_depth/groundtruth/image_02/0000000154.png 721.5377 +2011_09_26/2011_09_26_drive_0056_sync/image_02/data/0000000099.png 2011_09_26_drive_0056_sync/proj_depth/groundtruth/image_02/0000000099.png 721.5377 +2011_09_26/2011_09_26_drive_0056_sync/image_02/data/0000000220.png 2011_09_26_drive_0056_sync/proj_depth/groundtruth/image_02/0000000220.png 721.5377 +2011_09_26/2011_09_26_drive_0056_sync/image_02/data/0000000022.png 2011_09_26_drive_0056_sync/proj_depth/groundtruth/image_02/0000000022.png 721.5377 +2011_09_26/2011_09_26_drive_0056_sync/image_02/data/0000000077.png 2011_09_26_drive_0056_sync/proj_depth/groundtruth/image_02/0000000077.png 721.5377 +2011_09_26/2011_09_26_drive_0056_sync/image_02/data/0000000187.png 2011_09_26_drive_0056_sync/proj_depth/groundtruth/image_02/0000000187.png 721.5377 +2011_09_26/2011_09_26_drive_0056_sync/image_02/data/0000000143.png 2011_09_26_drive_0056_sync/proj_depth/groundtruth/image_02/0000000143.png 721.5377 +2011_09_26/2011_09_26_drive_0056_sync/image_02/data/0000000066.png 2011_09_26_drive_0056_sync/proj_depth/groundtruth/image_02/0000000066.png 721.5377 +2011_09_26/2011_09_26_drive_0056_sync/image_02/data/0000000176.png 2011_09_26_drive_0056_sync/proj_depth/groundtruth/image_02/0000000176.png 721.5377 +2011_09_26/2011_09_26_drive_0056_sync/image_02/data/0000000110.png 2011_09_26_drive_0056_sync/proj_depth/groundtruth/image_02/0000000110.png 721.5377 +2011_09_26/2011_09_26_drive_0056_sync/image_02/data/0000000275.png 2011_09_26_drive_0056_sync/proj_depth/groundtruth/image_02/0000000275.png 721.5377 +2011_09_26/2011_09_26_drive_0056_sync/image_02/data/0000000264.png 2011_09_26_drive_0056_sync/proj_depth/groundtruth/image_02/0000000264.png 721.5377 +2011_09_26/2011_09_26_drive_0056_sync/image_02/data/0000000198.png 2011_09_26_drive_0056_sync/proj_depth/groundtruth/image_02/0000000198.png 721.5377 +2011_09_26/2011_09_26_drive_0056_sync/image_02/data/0000000055.png 2011_09_26_drive_0056_sync/proj_depth/groundtruth/image_02/0000000055.png 721.5377 +2011_09_26/2011_09_26_drive_0056_sync/image_02/data/0000000088.png 2011_09_26_drive_0056_sync/proj_depth/groundtruth/image_02/0000000088.png 721.5377 +2011_09_26/2011_09_26_drive_0056_sync/image_02/data/0000000121.png 2011_09_26_drive_0056_sync/proj_depth/groundtruth/image_02/0000000121.png 721.5377 +2011_09_26/2011_09_26_drive_0056_sync/image_02/data/0000000209.png 2011_09_26_drive_0056_sync/proj_depth/groundtruth/image_02/0000000209.png 721.5377 +2011_09_26/2011_09_26_drive_0056_sync/image_02/data/0000000165.png 2011_09_26_drive_0056_sync/proj_depth/groundtruth/image_02/0000000165.png 721.5377 +2011_09_26/2011_09_26_drive_0056_sync/image_02/data/0000000231.png 2011_09_26_drive_0056_sync/proj_depth/groundtruth/image_02/0000000231.png 721.5377 +2011_09_26/2011_09_26_drive_0056_sync/image_02/data/0000000044.png 2011_09_26_drive_0056_sync/proj_depth/groundtruth/image_02/0000000044.png 721.5377 +2011_09_26/2011_09_26_drive_0059_sync/image_02/data/0000000056.png 2011_09_26_drive_0059_sync/proj_depth/groundtruth/image_02/0000000056.png 721.5377 +2011_09_26/2011_09_26_drive_0059_sync/image_02/data/0000000000.png None 721.5377 +2011_09_26/2011_09_26_drive_0059_sync/image_02/data/0000000344.png 2011_09_26_drive_0059_sync/proj_depth/groundtruth/image_02/0000000344.png 721.5377 +2011_09_26/2011_09_26_drive_0059_sync/image_02/data/0000000358.png 2011_09_26_drive_0059_sync/proj_depth/groundtruth/image_02/0000000358.png 721.5377 +2011_09_26/2011_09_26_drive_0059_sync/image_02/data/0000000316.png 2011_09_26_drive_0059_sync/proj_depth/groundtruth/image_02/0000000316.png 721.5377 +2011_09_26/2011_09_26_drive_0059_sync/image_02/data/0000000238.png 2011_09_26_drive_0059_sync/proj_depth/groundtruth/image_02/0000000238.png 721.5377 +2011_09_26/2011_09_26_drive_0059_sync/image_02/data/0000000098.png 2011_09_26_drive_0059_sync/proj_depth/groundtruth/image_02/0000000098.png 721.5377 +2011_09_26/2011_09_26_drive_0059_sync/image_02/data/0000000112.png 2011_09_26_drive_0059_sync/proj_depth/groundtruth/image_02/0000000112.png 721.5377 +2011_09_26/2011_09_26_drive_0059_sync/image_02/data/0000000028.png 2011_09_26_drive_0059_sync/proj_depth/groundtruth/image_02/0000000028.png 721.5377 +2011_09_26/2011_09_26_drive_0059_sync/image_02/data/0000000014.png 2011_09_26_drive_0059_sync/proj_depth/groundtruth/image_02/0000000014.png 721.5377 +2011_09_26/2011_09_26_drive_0059_sync/image_02/data/0000000330.png 2011_09_26_drive_0059_sync/proj_depth/groundtruth/image_02/0000000330.png 721.5377 +2011_09_26/2011_09_26_drive_0059_sync/image_02/data/0000000154.png 2011_09_26_drive_0059_sync/proj_depth/groundtruth/image_02/0000000154.png 721.5377 +2011_09_26/2011_09_26_drive_0059_sync/image_02/data/0000000042.png 2011_09_26_drive_0059_sync/proj_depth/groundtruth/image_02/0000000042.png 721.5377 +2011_09_26/2011_09_26_drive_0059_sync/image_02/data/0000000302.png 2011_09_26_drive_0059_sync/proj_depth/groundtruth/image_02/0000000302.png 721.5377 +2011_09_26/2011_09_26_drive_0059_sync/image_02/data/0000000182.png 2011_09_26_drive_0059_sync/proj_depth/groundtruth/image_02/0000000182.png 721.5377 +2011_09_26/2011_09_26_drive_0059_sync/image_02/data/0000000288.png 2011_09_26_drive_0059_sync/proj_depth/groundtruth/image_02/0000000288.png 721.5377 +2011_09_26/2011_09_26_drive_0059_sync/image_02/data/0000000140.png 2011_09_26_drive_0059_sync/proj_depth/groundtruth/image_02/0000000140.png 721.5377 +2011_09_26/2011_09_26_drive_0059_sync/image_02/data/0000000274.png 2011_09_26_drive_0059_sync/proj_depth/groundtruth/image_02/0000000274.png 721.5377 +2011_09_26/2011_09_26_drive_0059_sync/image_02/data/0000000224.png 2011_09_26_drive_0059_sync/proj_depth/groundtruth/image_02/0000000224.png 721.5377 +2011_09_26/2011_09_26_drive_0059_sync/image_02/data/0000000372.png None 721.5377 +2011_09_26/2011_09_26_drive_0059_sync/image_02/data/0000000196.png 2011_09_26_drive_0059_sync/proj_depth/groundtruth/image_02/0000000196.png 721.5377 +2011_09_26/2011_09_26_drive_0059_sync/image_02/data/0000000126.png 2011_09_26_drive_0059_sync/proj_depth/groundtruth/image_02/0000000126.png 721.5377 +2011_09_26/2011_09_26_drive_0059_sync/image_02/data/0000000084.png 2011_09_26_drive_0059_sync/proj_depth/groundtruth/image_02/0000000084.png 721.5377 +2011_09_26/2011_09_26_drive_0059_sync/image_02/data/0000000210.png 2011_09_26_drive_0059_sync/proj_depth/groundtruth/image_02/0000000210.png 721.5377 +2011_09_26/2011_09_26_drive_0059_sync/image_02/data/0000000070.png 2011_09_26_drive_0059_sync/proj_depth/groundtruth/image_02/0000000070.png 721.5377 +2011_09_26/2011_09_26_drive_0064_sync/image_02/data/0000000528.png 2011_09_26_drive_0064_sync/proj_depth/groundtruth/image_02/0000000528.png 721.5377 +2011_09_26/2011_09_26_drive_0064_sync/image_02/data/0000000308.png 2011_09_26_drive_0064_sync/proj_depth/groundtruth/image_02/0000000308.png 721.5377 +2011_09_26/2011_09_26_drive_0064_sync/image_02/data/0000000044.png 2011_09_26_drive_0064_sync/proj_depth/groundtruth/image_02/0000000044.png 721.5377 +2011_09_26/2011_09_26_drive_0064_sync/image_02/data/0000000352.png 2011_09_26_drive_0064_sync/proj_depth/groundtruth/image_02/0000000352.png 721.5377 +2011_09_26/2011_09_26_drive_0064_sync/image_02/data/0000000066.png 2011_09_26_drive_0064_sync/proj_depth/groundtruth/image_02/0000000066.png 721.5377 +2011_09_26/2011_09_26_drive_0064_sync/image_02/data/0000000000.png None 721.5377 +2011_09_26/2011_09_26_drive_0064_sync/image_02/data/0000000506.png 2011_09_26_drive_0064_sync/proj_depth/groundtruth/image_02/0000000506.png 721.5377 +2011_09_26/2011_09_26_drive_0064_sync/image_02/data/0000000176.png 2011_09_26_drive_0064_sync/proj_depth/groundtruth/image_02/0000000176.png 721.5377 +2011_09_26/2011_09_26_drive_0064_sync/image_02/data/0000000022.png 2011_09_26_drive_0064_sync/proj_depth/groundtruth/image_02/0000000022.png 721.5377 +2011_09_26/2011_09_26_drive_0064_sync/image_02/data/0000000242.png 2011_09_26_drive_0064_sync/proj_depth/groundtruth/image_02/0000000242.png 721.5377 +2011_09_26/2011_09_26_drive_0064_sync/image_02/data/0000000462.png 2011_09_26_drive_0064_sync/proj_depth/groundtruth/image_02/0000000462.png 721.5377 +2011_09_26/2011_09_26_drive_0064_sync/image_02/data/0000000418.png 2011_09_26_drive_0064_sync/proj_depth/groundtruth/image_02/0000000418.png 721.5377 +2011_09_26/2011_09_26_drive_0064_sync/image_02/data/0000000110.png 2011_09_26_drive_0064_sync/proj_depth/groundtruth/image_02/0000000110.png 721.5377 +2011_09_26/2011_09_26_drive_0064_sync/image_02/data/0000000440.png 2011_09_26_drive_0064_sync/proj_depth/groundtruth/image_02/0000000440.png 721.5377 +2011_09_26/2011_09_26_drive_0064_sync/image_02/data/0000000396.png 2011_09_26_drive_0064_sync/proj_depth/groundtruth/image_02/0000000396.png 721.5377 +2011_09_26/2011_09_26_drive_0064_sync/image_02/data/0000000154.png 2011_09_26_drive_0064_sync/proj_depth/groundtruth/image_02/0000000154.png 721.5377 +2011_09_26/2011_09_26_drive_0064_sync/image_02/data/0000000374.png 2011_09_26_drive_0064_sync/proj_depth/groundtruth/image_02/0000000374.png 721.5377 +2011_09_26/2011_09_26_drive_0064_sync/image_02/data/0000000088.png 2011_09_26_drive_0064_sync/proj_depth/groundtruth/image_02/0000000088.png 721.5377 +2011_09_26/2011_09_26_drive_0064_sync/image_02/data/0000000286.png 2011_09_26_drive_0064_sync/proj_depth/groundtruth/image_02/0000000286.png 721.5377 +2011_09_26/2011_09_26_drive_0064_sync/image_02/data/0000000550.png 2011_09_26_drive_0064_sync/proj_depth/groundtruth/image_02/0000000550.png 721.5377 +2011_09_26/2011_09_26_drive_0064_sync/image_02/data/0000000264.png 2011_09_26_drive_0064_sync/proj_depth/groundtruth/image_02/0000000264.png 721.5377 +2011_09_26/2011_09_26_drive_0064_sync/image_02/data/0000000220.png 2011_09_26_drive_0064_sync/proj_depth/groundtruth/image_02/0000000220.png 721.5377 +2011_09_26/2011_09_26_drive_0064_sync/image_02/data/0000000330.png 2011_09_26_drive_0064_sync/proj_depth/groundtruth/image_02/0000000330.png 721.5377 +2011_09_26/2011_09_26_drive_0064_sync/image_02/data/0000000484.png 2011_09_26_drive_0064_sync/proj_depth/groundtruth/image_02/0000000484.png 721.5377 +2011_09_26/2011_09_26_drive_0064_sync/image_02/data/0000000198.png 2011_09_26_drive_0064_sync/proj_depth/groundtruth/image_02/0000000198.png 721.5377 +2011_09_26/2011_09_26_drive_0084_sync/image_02/data/0000000283.png 2011_09_26_drive_0084_sync/proj_depth/groundtruth/image_02/0000000283.png 721.5377 +2011_09_26/2011_09_26_drive_0084_sync/image_02/data/0000000361.png 2011_09_26_drive_0084_sync/proj_depth/groundtruth/image_02/0000000361.png 721.5377 +2011_09_26/2011_09_26_drive_0084_sync/image_02/data/0000000270.png 2011_09_26_drive_0084_sync/proj_depth/groundtruth/image_02/0000000270.png 721.5377 +2011_09_26/2011_09_26_drive_0084_sync/image_02/data/0000000127.png 2011_09_26_drive_0084_sync/proj_depth/groundtruth/image_02/0000000127.png 721.5377 +2011_09_26/2011_09_26_drive_0084_sync/image_02/data/0000000205.png 2011_09_26_drive_0084_sync/proj_depth/groundtruth/image_02/0000000205.png 721.5377 +2011_09_26/2011_09_26_drive_0084_sync/image_02/data/0000000218.png 2011_09_26_drive_0084_sync/proj_depth/groundtruth/image_02/0000000218.png 721.5377 +2011_09_26/2011_09_26_drive_0084_sync/image_02/data/0000000153.png 2011_09_26_drive_0084_sync/proj_depth/groundtruth/image_02/0000000153.png 721.5377 +2011_09_26/2011_09_26_drive_0084_sync/image_02/data/0000000335.png 2011_09_26_drive_0084_sync/proj_depth/groundtruth/image_02/0000000335.png 721.5377 +2011_09_26/2011_09_26_drive_0084_sync/image_02/data/0000000192.png 2011_09_26_drive_0084_sync/proj_depth/groundtruth/image_02/0000000192.png 721.5377 +2011_09_26/2011_09_26_drive_0084_sync/image_02/data/0000000348.png 2011_09_26_drive_0084_sync/proj_depth/groundtruth/image_02/0000000348.png 721.5377 +2011_09_26/2011_09_26_drive_0084_sync/image_02/data/0000000101.png 2011_09_26_drive_0084_sync/proj_depth/groundtruth/image_02/0000000101.png 721.5377 +2011_09_26/2011_09_26_drive_0084_sync/image_02/data/0000000049.png 2011_09_26_drive_0084_sync/proj_depth/groundtruth/image_02/0000000049.png 721.5377 +2011_09_26/2011_09_26_drive_0084_sync/image_02/data/0000000179.png 2011_09_26_drive_0084_sync/proj_depth/groundtruth/image_02/0000000179.png 721.5377 +2011_09_26/2011_09_26_drive_0084_sync/image_02/data/0000000140.png 2011_09_26_drive_0084_sync/proj_depth/groundtruth/image_02/0000000140.png 721.5377 +2011_09_26/2011_09_26_drive_0084_sync/image_02/data/0000000374.png 2011_09_26_drive_0084_sync/proj_depth/groundtruth/image_02/0000000374.png 721.5377 +2011_09_26/2011_09_26_drive_0084_sync/image_02/data/0000000322.png 2011_09_26_drive_0084_sync/proj_depth/groundtruth/image_02/0000000322.png 721.5377 +2011_09_26/2011_09_26_drive_0084_sync/image_02/data/0000000309.png 2011_09_26_drive_0084_sync/proj_depth/groundtruth/image_02/0000000309.png 721.5377 +2011_09_26/2011_09_26_drive_0084_sync/image_02/data/0000000244.png 2011_09_26_drive_0084_sync/proj_depth/groundtruth/image_02/0000000244.png 721.5377 +2011_09_26/2011_09_26_drive_0084_sync/image_02/data/0000000062.png 2011_09_26_drive_0084_sync/proj_depth/groundtruth/image_02/0000000062.png 721.5377 +2011_09_26/2011_09_26_drive_0084_sync/image_02/data/0000000257.png 2011_09_26_drive_0084_sync/proj_depth/groundtruth/image_02/0000000257.png 721.5377 +2011_09_26/2011_09_26_drive_0084_sync/image_02/data/0000000088.png 2011_09_26_drive_0084_sync/proj_depth/groundtruth/image_02/0000000088.png 721.5377 +2011_09_26/2011_09_26_drive_0084_sync/image_02/data/0000000114.png 2011_09_26_drive_0084_sync/proj_depth/groundtruth/image_02/0000000114.png 721.5377 +2011_09_26/2011_09_26_drive_0084_sync/image_02/data/0000000075.png 2011_09_26_drive_0084_sync/proj_depth/groundtruth/image_02/0000000075.png 721.5377 +2011_09_26/2011_09_26_drive_0084_sync/image_02/data/0000000296.png 2011_09_26_drive_0084_sync/proj_depth/groundtruth/image_02/0000000296.png 721.5377 +2011_09_26/2011_09_26_drive_0084_sync/image_02/data/0000000231.png 2011_09_26_drive_0084_sync/proj_depth/groundtruth/image_02/0000000231.png 721.5377 +2011_09_26/2011_09_26_drive_0086_sync/image_02/data/0000000007.png 2011_09_26_drive_0086_sync/proj_depth/groundtruth/image_02/0000000007.png 721.5377 +2011_09_26/2011_09_26_drive_0086_sync/image_02/data/0000000196.png 2011_09_26_drive_0086_sync/proj_depth/groundtruth/image_02/0000000196.png 721.5377 +2011_09_26/2011_09_26_drive_0086_sync/image_02/data/0000000439.png 2011_09_26_drive_0086_sync/proj_depth/groundtruth/image_02/0000000439.png 721.5377 +2011_09_26/2011_09_26_drive_0086_sync/image_02/data/0000000169.png 2011_09_26_drive_0086_sync/proj_depth/groundtruth/image_02/0000000169.png 721.5377 +2011_09_26/2011_09_26_drive_0086_sync/image_02/data/0000000115.png 2011_09_26_drive_0086_sync/proj_depth/groundtruth/image_02/0000000115.png 721.5377 +2011_09_26/2011_09_26_drive_0086_sync/image_02/data/0000000034.png 2011_09_26_drive_0086_sync/proj_depth/groundtruth/image_02/0000000034.png 721.5377 +2011_09_26/2011_09_26_drive_0086_sync/image_02/data/0000000304.png 2011_09_26_drive_0086_sync/proj_depth/groundtruth/image_02/0000000304.png 721.5377 +2011_09_26/2011_09_26_drive_0086_sync/image_02/data/0000000331.png 2011_09_26_drive_0086_sync/proj_depth/groundtruth/image_02/0000000331.png 721.5377 +2011_09_26/2011_09_26_drive_0086_sync/image_02/data/0000000277.png 2011_09_26_drive_0086_sync/proj_depth/groundtruth/image_02/0000000277.png 721.5377 +2011_09_26/2011_09_26_drive_0086_sync/image_02/data/0000000520.png 2011_09_26_drive_0086_sync/proj_depth/groundtruth/image_02/0000000520.png 721.5377 +2011_09_26/2011_09_26_drive_0086_sync/image_02/data/0000000682.png 2011_09_26_drive_0086_sync/proj_depth/groundtruth/image_02/0000000682.png 721.5377 +2011_09_26/2011_09_26_drive_0086_sync/image_02/data/0000000628.png 2011_09_26_drive_0086_sync/proj_depth/groundtruth/image_02/0000000628.png 721.5377 +2011_09_26/2011_09_26_drive_0086_sync/image_02/data/0000000088.png 2011_09_26_drive_0086_sync/proj_depth/groundtruth/image_02/0000000088.png 721.5377 +2011_09_26/2011_09_26_drive_0086_sync/image_02/data/0000000601.png 2011_09_26_drive_0086_sync/proj_depth/groundtruth/image_02/0000000601.png 721.5377 +2011_09_26/2011_09_26_drive_0086_sync/image_02/data/0000000574.png 2011_09_26_drive_0086_sync/proj_depth/groundtruth/image_02/0000000574.png 721.5377 +2011_09_26/2011_09_26_drive_0086_sync/image_02/data/0000000223.png 2011_09_26_drive_0086_sync/proj_depth/groundtruth/image_02/0000000223.png 721.5377 +2011_09_26/2011_09_26_drive_0086_sync/image_02/data/0000000655.png 2011_09_26_drive_0086_sync/proj_depth/groundtruth/image_02/0000000655.png 721.5377 +2011_09_26/2011_09_26_drive_0086_sync/image_02/data/0000000358.png 2011_09_26_drive_0086_sync/proj_depth/groundtruth/image_02/0000000358.png 721.5377 +2011_09_26/2011_09_26_drive_0086_sync/image_02/data/0000000412.png 2011_09_26_drive_0086_sync/proj_depth/groundtruth/image_02/0000000412.png 721.5377 +2011_09_26/2011_09_26_drive_0086_sync/image_02/data/0000000142.png 2011_09_26_drive_0086_sync/proj_depth/groundtruth/image_02/0000000142.png 721.5377 +2011_09_26/2011_09_26_drive_0086_sync/image_02/data/0000000385.png 2011_09_26_drive_0086_sync/proj_depth/groundtruth/image_02/0000000385.png 721.5377 +2011_09_26/2011_09_26_drive_0086_sync/image_02/data/0000000061.png 2011_09_26_drive_0086_sync/proj_depth/groundtruth/image_02/0000000061.png 721.5377 +2011_09_26/2011_09_26_drive_0086_sync/image_02/data/0000000493.png 2011_09_26_drive_0086_sync/proj_depth/groundtruth/image_02/0000000493.png 721.5377 +2011_09_26/2011_09_26_drive_0086_sync/image_02/data/0000000466.png 2011_09_26_drive_0086_sync/proj_depth/groundtruth/image_02/0000000466.png 721.5377 +2011_09_26/2011_09_26_drive_0086_sync/image_02/data/0000000250.png 2011_09_26_drive_0086_sync/proj_depth/groundtruth/image_02/0000000250.png 721.5377 +2011_09_26/2011_09_26_drive_0093_sync/image_02/data/0000000000.png None 721.5377 +2011_09_26/2011_09_26_drive_0093_sync/image_02/data/0000000016.png 2011_09_26_drive_0093_sync/proj_depth/groundtruth/image_02/0000000016.png 721.5377 +2011_09_26/2011_09_26_drive_0093_sync/image_02/data/0000000032.png 2011_09_26_drive_0093_sync/proj_depth/groundtruth/image_02/0000000032.png 721.5377 +2011_09_26/2011_09_26_drive_0093_sync/image_02/data/0000000048.png 2011_09_26_drive_0093_sync/proj_depth/groundtruth/image_02/0000000048.png 721.5377 +2011_09_26/2011_09_26_drive_0093_sync/image_02/data/0000000064.png 2011_09_26_drive_0093_sync/proj_depth/groundtruth/image_02/0000000064.png 721.5377 +2011_09_26/2011_09_26_drive_0093_sync/image_02/data/0000000080.png 2011_09_26_drive_0093_sync/proj_depth/groundtruth/image_02/0000000080.png 721.5377 +2011_09_26/2011_09_26_drive_0093_sync/image_02/data/0000000096.png 2011_09_26_drive_0093_sync/proj_depth/groundtruth/image_02/0000000096.png 721.5377 +2011_09_26/2011_09_26_drive_0093_sync/image_02/data/0000000112.png 2011_09_26_drive_0093_sync/proj_depth/groundtruth/image_02/0000000112.png 721.5377 +2011_09_26/2011_09_26_drive_0093_sync/image_02/data/0000000128.png 2011_09_26_drive_0093_sync/proj_depth/groundtruth/image_02/0000000128.png 721.5377 +2011_09_26/2011_09_26_drive_0093_sync/image_02/data/0000000144.png 2011_09_26_drive_0093_sync/proj_depth/groundtruth/image_02/0000000144.png 721.5377 +2011_09_26/2011_09_26_drive_0093_sync/image_02/data/0000000160.png 2011_09_26_drive_0093_sync/proj_depth/groundtruth/image_02/0000000160.png 721.5377 +2011_09_26/2011_09_26_drive_0093_sync/image_02/data/0000000176.png 2011_09_26_drive_0093_sync/proj_depth/groundtruth/image_02/0000000176.png 721.5377 +2011_09_26/2011_09_26_drive_0093_sync/image_02/data/0000000192.png 2011_09_26_drive_0093_sync/proj_depth/groundtruth/image_02/0000000192.png 721.5377 +2011_09_26/2011_09_26_drive_0093_sync/image_02/data/0000000208.png 2011_09_26_drive_0093_sync/proj_depth/groundtruth/image_02/0000000208.png 721.5377 +2011_09_26/2011_09_26_drive_0093_sync/image_02/data/0000000224.png 2011_09_26_drive_0093_sync/proj_depth/groundtruth/image_02/0000000224.png 721.5377 +2011_09_26/2011_09_26_drive_0093_sync/image_02/data/0000000240.png 2011_09_26_drive_0093_sync/proj_depth/groundtruth/image_02/0000000240.png 721.5377 +2011_09_26/2011_09_26_drive_0093_sync/image_02/data/0000000256.png 2011_09_26_drive_0093_sync/proj_depth/groundtruth/image_02/0000000256.png 721.5377 +2011_09_26/2011_09_26_drive_0093_sync/image_02/data/0000000305.png 2011_09_26_drive_0093_sync/proj_depth/groundtruth/image_02/0000000305.png 721.5377 +2011_09_26/2011_09_26_drive_0093_sync/image_02/data/0000000321.png 2011_09_26_drive_0093_sync/proj_depth/groundtruth/image_02/0000000321.png 721.5377 +2011_09_26/2011_09_26_drive_0093_sync/image_02/data/0000000337.png 2011_09_26_drive_0093_sync/proj_depth/groundtruth/image_02/0000000337.png 721.5377 +2011_09_26/2011_09_26_drive_0093_sync/image_02/data/0000000353.png 2011_09_26_drive_0093_sync/proj_depth/groundtruth/image_02/0000000353.png 721.5377 +2011_09_26/2011_09_26_drive_0093_sync/image_02/data/0000000369.png 2011_09_26_drive_0093_sync/proj_depth/groundtruth/image_02/0000000369.png 721.5377 +2011_09_26/2011_09_26_drive_0093_sync/image_02/data/0000000385.png 2011_09_26_drive_0093_sync/proj_depth/groundtruth/image_02/0000000385.png 721.5377 +2011_09_26/2011_09_26_drive_0093_sync/image_02/data/0000000401.png 2011_09_26_drive_0093_sync/proj_depth/groundtruth/image_02/0000000401.png 721.5377 +2011_09_26/2011_09_26_drive_0093_sync/image_02/data/0000000417.png 2011_09_26_drive_0093_sync/proj_depth/groundtruth/image_02/0000000417.png 721.5377 +2011_09_26/2011_09_26_drive_0096_sync/image_02/data/0000000000.png None 721.5377 +2011_09_26/2011_09_26_drive_0096_sync/image_02/data/0000000019.png 2011_09_26_drive_0096_sync/proj_depth/groundtruth/image_02/0000000019.png 721.5377 +2011_09_26/2011_09_26_drive_0096_sync/image_02/data/0000000038.png 2011_09_26_drive_0096_sync/proj_depth/groundtruth/image_02/0000000038.png 721.5377 +2011_09_26/2011_09_26_drive_0096_sync/image_02/data/0000000057.png 2011_09_26_drive_0096_sync/proj_depth/groundtruth/image_02/0000000057.png 721.5377 +2011_09_26/2011_09_26_drive_0096_sync/image_02/data/0000000076.png 2011_09_26_drive_0096_sync/proj_depth/groundtruth/image_02/0000000076.png 721.5377 +2011_09_26/2011_09_26_drive_0096_sync/image_02/data/0000000095.png 2011_09_26_drive_0096_sync/proj_depth/groundtruth/image_02/0000000095.png 721.5377 +2011_09_26/2011_09_26_drive_0096_sync/image_02/data/0000000114.png 2011_09_26_drive_0096_sync/proj_depth/groundtruth/image_02/0000000114.png 721.5377 +2011_09_26/2011_09_26_drive_0096_sync/image_02/data/0000000133.png 2011_09_26_drive_0096_sync/proj_depth/groundtruth/image_02/0000000133.png 721.5377 +2011_09_26/2011_09_26_drive_0096_sync/image_02/data/0000000152.png 2011_09_26_drive_0096_sync/proj_depth/groundtruth/image_02/0000000152.png 721.5377 +2011_09_26/2011_09_26_drive_0096_sync/image_02/data/0000000171.png 2011_09_26_drive_0096_sync/proj_depth/groundtruth/image_02/0000000171.png 721.5377 +2011_09_26/2011_09_26_drive_0096_sync/image_02/data/0000000190.png 2011_09_26_drive_0096_sync/proj_depth/groundtruth/image_02/0000000190.png 721.5377 +2011_09_26/2011_09_26_drive_0096_sync/image_02/data/0000000209.png 2011_09_26_drive_0096_sync/proj_depth/groundtruth/image_02/0000000209.png 721.5377 +2011_09_26/2011_09_26_drive_0096_sync/image_02/data/0000000228.png 2011_09_26_drive_0096_sync/proj_depth/groundtruth/image_02/0000000228.png 721.5377 +2011_09_26/2011_09_26_drive_0096_sync/image_02/data/0000000247.png 2011_09_26_drive_0096_sync/proj_depth/groundtruth/image_02/0000000247.png 721.5377 +2011_09_26/2011_09_26_drive_0096_sync/image_02/data/0000000266.png 2011_09_26_drive_0096_sync/proj_depth/groundtruth/image_02/0000000266.png 721.5377 +2011_09_26/2011_09_26_drive_0096_sync/image_02/data/0000000285.png 2011_09_26_drive_0096_sync/proj_depth/groundtruth/image_02/0000000285.png 721.5377 +2011_09_26/2011_09_26_drive_0096_sync/image_02/data/0000000304.png 2011_09_26_drive_0096_sync/proj_depth/groundtruth/image_02/0000000304.png 721.5377 +2011_09_26/2011_09_26_drive_0096_sync/image_02/data/0000000323.png 2011_09_26_drive_0096_sync/proj_depth/groundtruth/image_02/0000000323.png 721.5377 +2011_09_26/2011_09_26_drive_0096_sync/image_02/data/0000000342.png 2011_09_26_drive_0096_sync/proj_depth/groundtruth/image_02/0000000342.png 721.5377 +2011_09_26/2011_09_26_drive_0096_sync/image_02/data/0000000361.png 2011_09_26_drive_0096_sync/proj_depth/groundtruth/image_02/0000000361.png 721.5377 +2011_09_26/2011_09_26_drive_0096_sync/image_02/data/0000000380.png 2011_09_26_drive_0096_sync/proj_depth/groundtruth/image_02/0000000380.png 721.5377 +2011_09_26/2011_09_26_drive_0096_sync/image_02/data/0000000399.png 2011_09_26_drive_0096_sync/proj_depth/groundtruth/image_02/0000000399.png 721.5377 +2011_09_26/2011_09_26_drive_0096_sync/image_02/data/0000000418.png 2011_09_26_drive_0096_sync/proj_depth/groundtruth/image_02/0000000418.png 721.5377 +2011_09_26/2011_09_26_drive_0096_sync/image_02/data/0000000437.png 2011_09_26_drive_0096_sync/proj_depth/groundtruth/image_02/0000000437.png 721.5377 +2011_09_26/2011_09_26_drive_0096_sync/image_02/data/0000000456.png 2011_09_26_drive_0096_sync/proj_depth/groundtruth/image_02/0000000456.png 721.5377 +2011_09_26/2011_09_26_drive_0101_sync/image_02/data/0000000692.png 2011_09_26_drive_0101_sync/proj_depth/groundtruth/image_02/0000000692.png 721.5377 +2011_09_26/2011_09_26_drive_0101_sync/image_02/data/0000000930.png 2011_09_26_drive_0101_sync/proj_depth/groundtruth/image_02/0000000930.png 721.5377 +2011_09_26/2011_09_26_drive_0101_sync/image_02/data/0000000760.png 2011_09_26_drive_0101_sync/proj_depth/groundtruth/image_02/0000000760.png 721.5377 +2011_09_26/2011_09_26_drive_0101_sync/image_02/data/0000000896.png 2011_09_26_drive_0101_sync/proj_depth/groundtruth/image_02/0000000896.png 721.5377 +2011_09_26/2011_09_26_drive_0101_sync/image_02/data/0000000284.png 2011_09_26_drive_0101_sync/proj_depth/groundtruth/image_02/0000000284.png 721.5377 +2011_09_26/2011_09_26_drive_0101_sync/image_02/data/0000000148.png 2011_09_26_drive_0101_sync/proj_depth/groundtruth/image_02/0000000148.png 721.5377 +2011_09_26/2011_09_26_drive_0101_sync/image_02/data/0000000522.png 2011_09_26_drive_0101_sync/proj_depth/groundtruth/image_02/0000000522.png 721.5377 +2011_09_26/2011_09_26_drive_0101_sync/image_02/data/0000000794.png 2011_09_26_drive_0101_sync/proj_depth/groundtruth/image_02/0000000794.png 721.5377 +2011_09_26/2011_09_26_drive_0101_sync/image_02/data/0000000624.png 2011_09_26_drive_0101_sync/proj_depth/groundtruth/image_02/0000000624.png 721.5377 +2011_09_26/2011_09_26_drive_0101_sync/image_02/data/0000000726.png 2011_09_26_drive_0101_sync/proj_depth/groundtruth/image_02/0000000726.png 721.5377 +2011_09_26/2011_09_26_drive_0101_sync/image_02/data/0000000216.png 2011_09_26_drive_0101_sync/proj_depth/groundtruth/image_02/0000000216.png 721.5377 +2011_09_26/2011_09_26_drive_0101_sync/image_02/data/0000000318.png 2011_09_26_drive_0101_sync/proj_depth/groundtruth/image_02/0000000318.png 721.5377 +2011_09_26/2011_09_26_drive_0101_sync/image_02/data/0000000488.png 2011_09_26_drive_0101_sync/proj_depth/groundtruth/image_02/0000000488.png 721.5377 +2011_09_26/2011_09_26_drive_0101_sync/image_02/data/0000000590.png 2011_09_26_drive_0101_sync/proj_depth/groundtruth/image_02/0000000590.png 721.5377 +2011_09_26/2011_09_26_drive_0101_sync/image_02/data/0000000454.png 2011_09_26_drive_0101_sync/proj_depth/groundtruth/image_02/0000000454.png 721.5377 +2011_09_26/2011_09_26_drive_0101_sync/image_02/data/0000000862.png 2011_09_26_drive_0101_sync/proj_depth/groundtruth/image_02/0000000862.png 721.5377 +2011_09_26/2011_09_26_drive_0101_sync/image_02/data/0000000386.png 2011_09_26_drive_0101_sync/proj_depth/groundtruth/image_02/0000000386.png 721.5377 +2011_09_26/2011_09_26_drive_0101_sync/image_02/data/0000000352.png 2011_09_26_drive_0101_sync/proj_depth/groundtruth/image_02/0000000352.png 721.5377 +2011_09_26/2011_09_26_drive_0101_sync/image_02/data/0000000420.png 2011_09_26_drive_0101_sync/proj_depth/groundtruth/image_02/0000000420.png 721.5377 +2011_09_26/2011_09_26_drive_0101_sync/image_02/data/0000000658.png 2011_09_26_drive_0101_sync/proj_depth/groundtruth/image_02/0000000658.png 721.5377 +2011_09_26/2011_09_26_drive_0101_sync/image_02/data/0000000828.png 2011_09_26_drive_0101_sync/proj_depth/groundtruth/image_02/0000000828.png 721.5377 +2011_09_26/2011_09_26_drive_0101_sync/image_02/data/0000000556.png 2011_09_26_drive_0101_sync/proj_depth/groundtruth/image_02/0000000556.png 721.5377 +2011_09_26/2011_09_26_drive_0101_sync/image_02/data/0000000114.png 2011_09_26_drive_0101_sync/proj_depth/groundtruth/image_02/0000000114.png 721.5377 +2011_09_26/2011_09_26_drive_0101_sync/image_02/data/0000000182.png 2011_09_26_drive_0101_sync/proj_depth/groundtruth/image_02/0000000182.png 721.5377 +2011_09_26/2011_09_26_drive_0101_sync/image_02/data/0000000080.png 2011_09_26_drive_0101_sync/proj_depth/groundtruth/image_02/0000000080.png 721.5377 +2011_09_26/2011_09_26_drive_0106_sync/image_02/data/0000000015.png 2011_09_26_drive_0106_sync/proj_depth/groundtruth/image_02/0000000015.png 721.5377 +2011_09_26/2011_09_26_drive_0106_sync/image_02/data/0000000035.png 2011_09_26_drive_0106_sync/proj_depth/groundtruth/image_02/0000000035.png 721.5377 +2011_09_26/2011_09_26_drive_0106_sync/image_02/data/0000000043.png 2011_09_26_drive_0106_sync/proj_depth/groundtruth/image_02/0000000043.png 721.5377 +2011_09_26/2011_09_26_drive_0106_sync/image_02/data/0000000051.png 2011_09_26_drive_0106_sync/proj_depth/groundtruth/image_02/0000000051.png 721.5377 +2011_09_26/2011_09_26_drive_0106_sync/image_02/data/0000000059.png 2011_09_26_drive_0106_sync/proj_depth/groundtruth/image_02/0000000059.png 721.5377 +2011_09_26/2011_09_26_drive_0106_sync/image_02/data/0000000067.png 2011_09_26_drive_0106_sync/proj_depth/groundtruth/image_02/0000000067.png 721.5377 +2011_09_26/2011_09_26_drive_0106_sync/image_02/data/0000000075.png 2011_09_26_drive_0106_sync/proj_depth/groundtruth/image_02/0000000075.png 721.5377 +2011_09_26/2011_09_26_drive_0106_sync/image_02/data/0000000083.png 2011_09_26_drive_0106_sync/proj_depth/groundtruth/image_02/0000000083.png 721.5377 +2011_09_26/2011_09_26_drive_0106_sync/image_02/data/0000000091.png 2011_09_26_drive_0106_sync/proj_depth/groundtruth/image_02/0000000091.png 721.5377 +2011_09_26/2011_09_26_drive_0106_sync/image_02/data/0000000099.png 2011_09_26_drive_0106_sync/proj_depth/groundtruth/image_02/0000000099.png 721.5377 +2011_09_26/2011_09_26_drive_0106_sync/image_02/data/0000000107.png 2011_09_26_drive_0106_sync/proj_depth/groundtruth/image_02/0000000107.png 721.5377 +2011_09_26/2011_09_26_drive_0106_sync/image_02/data/0000000115.png 2011_09_26_drive_0106_sync/proj_depth/groundtruth/image_02/0000000115.png 721.5377 +2011_09_26/2011_09_26_drive_0106_sync/image_02/data/0000000123.png 2011_09_26_drive_0106_sync/proj_depth/groundtruth/image_02/0000000123.png 721.5377 +2011_09_26/2011_09_26_drive_0106_sync/image_02/data/0000000131.png 2011_09_26_drive_0106_sync/proj_depth/groundtruth/image_02/0000000131.png 721.5377 +2011_09_26/2011_09_26_drive_0106_sync/image_02/data/0000000139.png 2011_09_26_drive_0106_sync/proj_depth/groundtruth/image_02/0000000139.png 721.5377 +2011_09_26/2011_09_26_drive_0106_sync/image_02/data/0000000147.png 2011_09_26_drive_0106_sync/proj_depth/groundtruth/image_02/0000000147.png 721.5377 +2011_09_26/2011_09_26_drive_0106_sync/image_02/data/0000000155.png 2011_09_26_drive_0106_sync/proj_depth/groundtruth/image_02/0000000155.png 721.5377 +2011_09_26/2011_09_26_drive_0106_sync/image_02/data/0000000163.png 2011_09_26_drive_0106_sync/proj_depth/groundtruth/image_02/0000000163.png 721.5377 +2011_09_26/2011_09_26_drive_0106_sync/image_02/data/0000000171.png 2011_09_26_drive_0106_sync/proj_depth/groundtruth/image_02/0000000171.png 721.5377 +2011_09_26/2011_09_26_drive_0106_sync/image_02/data/0000000179.png 2011_09_26_drive_0106_sync/proj_depth/groundtruth/image_02/0000000179.png 721.5377 +2011_09_26/2011_09_26_drive_0106_sync/image_02/data/0000000187.png 2011_09_26_drive_0106_sync/proj_depth/groundtruth/image_02/0000000187.png 721.5377 +2011_09_26/2011_09_26_drive_0106_sync/image_02/data/0000000195.png 2011_09_26_drive_0106_sync/proj_depth/groundtruth/image_02/0000000195.png 721.5377 +2011_09_26/2011_09_26_drive_0106_sync/image_02/data/0000000203.png 2011_09_26_drive_0106_sync/proj_depth/groundtruth/image_02/0000000203.png 721.5377 +2011_09_26/2011_09_26_drive_0106_sync/image_02/data/0000000211.png 2011_09_26_drive_0106_sync/proj_depth/groundtruth/image_02/0000000211.png 721.5377 +2011_09_26/2011_09_26_drive_0106_sync/image_02/data/0000000219.png 2011_09_26_drive_0106_sync/proj_depth/groundtruth/image_02/0000000219.png 721.5377 +2011_09_26/2011_09_26_drive_0117_sync/image_02/data/0000000312.png 2011_09_26_drive_0117_sync/proj_depth/groundtruth/image_02/0000000312.png 721.5377 +2011_09_26/2011_09_26_drive_0117_sync/image_02/data/0000000494.png 2011_09_26_drive_0117_sync/proj_depth/groundtruth/image_02/0000000494.png 721.5377 +2011_09_26/2011_09_26_drive_0117_sync/image_02/data/0000000104.png 2011_09_26_drive_0117_sync/proj_depth/groundtruth/image_02/0000000104.png 721.5377 +2011_09_26/2011_09_26_drive_0117_sync/image_02/data/0000000130.png 2011_09_26_drive_0117_sync/proj_depth/groundtruth/image_02/0000000130.png 721.5377 +2011_09_26/2011_09_26_drive_0117_sync/image_02/data/0000000156.png 2011_09_26_drive_0117_sync/proj_depth/groundtruth/image_02/0000000156.png 721.5377 +2011_09_26/2011_09_26_drive_0117_sync/image_02/data/0000000182.png 2011_09_26_drive_0117_sync/proj_depth/groundtruth/image_02/0000000182.png 721.5377 +2011_09_26/2011_09_26_drive_0117_sync/image_02/data/0000000598.png 2011_09_26_drive_0117_sync/proj_depth/groundtruth/image_02/0000000598.png 721.5377 +2011_09_26/2011_09_26_drive_0117_sync/image_02/data/0000000416.png 2011_09_26_drive_0117_sync/proj_depth/groundtruth/image_02/0000000416.png 721.5377 +2011_09_26/2011_09_26_drive_0117_sync/image_02/data/0000000364.png 2011_09_26_drive_0117_sync/proj_depth/groundtruth/image_02/0000000364.png 721.5377 +2011_09_26/2011_09_26_drive_0117_sync/image_02/data/0000000026.png 2011_09_26_drive_0117_sync/proj_depth/groundtruth/image_02/0000000026.png 721.5377 +2011_09_26/2011_09_26_drive_0117_sync/image_02/data/0000000078.png 2011_09_26_drive_0117_sync/proj_depth/groundtruth/image_02/0000000078.png 721.5377 +2011_09_26/2011_09_26_drive_0117_sync/image_02/data/0000000572.png 2011_09_26_drive_0117_sync/proj_depth/groundtruth/image_02/0000000572.png 721.5377 +2011_09_26/2011_09_26_drive_0117_sync/image_02/data/0000000468.png 2011_09_26_drive_0117_sync/proj_depth/groundtruth/image_02/0000000468.png 721.5377 +2011_09_26/2011_09_26_drive_0117_sync/image_02/data/0000000260.png 2011_09_26_drive_0117_sync/proj_depth/groundtruth/image_02/0000000260.png 721.5377 +2011_09_26/2011_09_26_drive_0117_sync/image_02/data/0000000624.png 2011_09_26_drive_0117_sync/proj_depth/groundtruth/image_02/0000000624.png 721.5377 +2011_09_26/2011_09_26_drive_0117_sync/image_02/data/0000000234.png 2011_09_26_drive_0117_sync/proj_depth/groundtruth/image_02/0000000234.png 721.5377 +2011_09_26/2011_09_26_drive_0117_sync/image_02/data/0000000442.png 2011_09_26_drive_0117_sync/proj_depth/groundtruth/image_02/0000000442.png 721.5377 +2011_09_26/2011_09_26_drive_0117_sync/image_02/data/0000000390.png 2011_09_26_drive_0117_sync/proj_depth/groundtruth/image_02/0000000390.png 721.5377 +2011_09_26/2011_09_26_drive_0117_sync/image_02/data/0000000546.png 2011_09_26_drive_0117_sync/proj_depth/groundtruth/image_02/0000000546.png 721.5377 +2011_09_26/2011_09_26_drive_0117_sync/image_02/data/0000000286.png 2011_09_26_drive_0117_sync/proj_depth/groundtruth/image_02/0000000286.png 721.5377 +2011_09_26/2011_09_26_drive_0117_sync/image_02/data/0000000000.png None 721.5377 +2011_09_26/2011_09_26_drive_0117_sync/image_02/data/0000000338.png 2011_09_26_drive_0117_sync/proj_depth/groundtruth/image_02/0000000338.png 721.5377 +2011_09_26/2011_09_26_drive_0117_sync/image_02/data/0000000208.png 2011_09_26_drive_0117_sync/proj_depth/groundtruth/image_02/0000000208.png 721.5377 +2011_09_26/2011_09_26_drive_0117_sync/image_02/data/0000000650.png 2011_09_26_drive_0117_sync/proj_depth/groundtruth/image_02/0000000650.png 721.5377 +2011_09_26/2011_09_26_drive_0117_sync/image_02/data/0000000052.png 2011_09_26_drive_0117_sync/proj_depth/groundtruth/image_02/0000000052.png 721.5377 +2011_09_28/2011_09_28_drive_0002_sync/image_02/data/0000000024.png 2011_09_28_drive_0002_sync/proj_depth/groundtruth/image_02/0000000024.png 707.0493 +2011_09_28/2011_09_28_drive_0002_sync/image_02/data/0000000021.png 2011_09_28_drive_0002_sync/proj_depth/groundtruth/image_02/0000000021.png 707.0493 +2011_09_28/2011_09_28_drive_0002_sync/image_02/data/0000000036.png 2011_09_28_drive_0002_sync/proj_depth/groundtruth/image_02/0000000036.png 707.0493 +2011_09_28/2011_09_28_drive_0002_sync/image_02/data/0000000000.png None 707.0493 +2011_09_28/2011_09_28_drive_0002_sync/image_02/data/0000000051.png 2011_09_28_drive_0002_sync/proj_depth/groundtruth/image_02/0000000051.png 707.0493 +2011_09_28/2011_09_28_drive_0002_sync/image_02/data/0000000018.png 2011_09_28_drive_0002_sync/proj_depth/groundtruth/image_02/0000000018.png 707.0493 +2011_09_28/2011_09_28_drive_0002_sync/image_02/data/0000000033.png 2011_09_28_drive_0002_sync/proj_depth/groundtruth/image_02/0000000033.png 707.0493 +2011_09_28/2011_09_28_drive_0002_sync/image_02/data/0000000090.png 2011_09_28_drive_0002_sync/proj_depth/groundtruth/image_02/0000000090.png 707.0493 +2011_09_28/2011_09_28_drive_0002_sync/image_02/data/0000000045.png 2011_09_28_drive_0002_sync/proj_depth/groundtruth/image_02/0000000045.png 707.0493 +2011_09_28/2011_09_28_drive_0002_sync/image_02/data/0000000054.png 2011_09_28_drive_0002_sync/proj_depth/groundtruth/image_02/0000000054.png 707.0493 +2011_09_28/2011_09_28_drive_0002_sync/image_02/data/0000000012.png 2011_09_28_drive_0002_sync/proj_depth/groundtruth/image_02/0000000012.png 707.0493 +2011_09_28/2011_09_28_drive_0002_sync/image_02/data/0000000039.png 2011_09_28_drive_0002_sync/proj_depth/groundtruth/image_02/0000000039.png 707.0493 +2011_09_28/2011_09_28_drive_0002_sync/image_02/data/0000000009.png 2011_09_28_drive_0002_sync/proj_depth/groundtruth/image_02/0000000009.png 707.0493 +2011_09_28/2011_09_28_drive_0002_sync/image_02/data/0000000003.png None 707.0493 +2011_09_28/2011_09_28_drive_0002_sync/image_02/data/0000000030.png 2011_09_28_drive_0002_sync/proj_depth/groundtruth/image_02/0000000030.png 707.0493 +2011_09_28/2011_09_28_drive_0002_sync/image_02/data/0000000078.png 2011_09_28_drive_0002_sync/proj_depth/groundtruth/image_02/0000000078.png 707.0493 +2011_09_28/2011_09_28_drive_0002_sync/image_02/data/0000000060.png 2011_09_28_drive_0002_sync/proj_depth/groundtruth/image_02/0000000060.png 707.0493 +2011_09_28/2011_09_28_drive_0002_sync/image_02/data/0000000048.png 2011_09_28_drive_0002_sync/proj_depth/groundtruth/image_02/0000000048.png 707.0493 +2011_09_28/2011_09_28_drive_0002_sync/image_02/data/0000000084.png 2011_09_28_drive_0002_sync/proj_depth/groundtruth/image_02/0000000084.png 707.0493 +2011_09_28/2011_09_28_drive_0002_sync/image_02/data/0000000081.png 2011_09_28_drive_0002_sync/proj_depth/groundtruth/image_02/0000000081.png 707.0493 +2011_09_28/2011_09_28_drive_0002_sync/image_02/data/0000000006.png 2011_09_28_drive_0002_sync/proj_depth/groundtruth/image_02/0000000006.png 707.0493 +2011_09_28/2011_09_28_drive_0002_sync/image_02/data/0000000057.png 2011_09_28_drive_0002_sync/proj_depth/groundtruth/image_02/0000000057.png 707.0493 +2011_09_28/2011_09_28_drive_0002_sync/image_02/data/0000000072.png 2011_09_28_drive_0002_sync/proj_depth/groundtruth/image_02/0000000072.png 707.0493 +2011_09_28/2011_09_28_drive_0002_sync/image_02/data/0000000087.png 2011_09_28_drive_0002_sync/proj_depth/groundtruth/image_02/0000000087.png 707.0493 +2011_09_28/2011_09_28_drive_0002_sync/image_02/data/0000000063.png 2011_09_28_drive_0002_sync/proj_depth/groundtruth/image_02/0000000063.png 707.0493 +2011_09_29/2011_09_29_drive_0071_sync/image_02/data/0000000252.png 2011_09_29_drive_0071_sync/proj_depth/groundtruth/image_02/0000000252.png 718.3351 +2011_09_29/2011_09_29_drive_0071_sync/image_02/data/0000000540.png 2011_09_29_drive_0071_sync/proj_depth/groundtruth/image_02/0000000540.png 718.3351 +2011_09_29/2011_09_29_drive_0071_sync/image_02/data/0000001054.png None 718.3351 +2011_09_29/2011_09_29_drive_0071_sync/image_02/data/0000000036.png 2011_09_29_drive_0071_sync/proj_depth/groundtruth/image_02/0000000036.png 718.3351 +2011_09_29/2011_09_29_drive_0071_sync/image_02/data/0000000360.png 2011_09_29_drive_0071_sync/proj_depth/groundtruth/image_02/0000000360.png 718.3351 +2011_09_29/2011_09_29_drive_0071_sync/image_02/data/0000000807.png 2011_09_29_drive_0071_sync/proj_depth/groundtruth/image_02/0000000807.png 718.3351 +2011_09_29/2011_09_29_drive_0071_sync/image_02/data/0000000879.png 2011_09_29_drive_0071_sync/proj_depth/groundtruth/image_02/0000000879.png 718.3351 +2011_09_29/2011_09_29_drive_0071_sync/image_02/data/0000000288.png 2011_09_29_drive_0071_sync/proj_depth/groundtruth/image_02/0000000288.png 718.3351 +2011_09_29/2011_09_29_drive_0071_sync/image_02/data/0000000771.png 2011_09_29_drive_0071_sync/proj_depth/groundtruth/image_02/0000000771.png 718.3351 +2011_09_29/2011_09_29_drive_0071_sync/image_02/data/0000000000.png None 718.3351 +2011_09_29/2011_09_29_drive_0071_sync/image_02/data/0000000216.png 2011_09_29_drive_0071_sync/proj_depth/groundtruth/image_02/0000000216.png 718.3351 +2011_09_29/2011_09_29_drive_0071_sync/image_02/data/0000000951.png 2011_09_29_drive_0071_sync/proj_depth/groundtruth/image_02/0000000951.png 718.3351 +2011_09_29/2011_09_29_drive_0071_sync/image_02/data/0000000324.png 2011_09_29_drive_0071_sync/proj_depth/groundtruth/image_02/0000000324.png 718.3351 +2011_09_29/2011_09_29_drive_0071_sync/image_02/data/0000000432.png 2011_09_29_drive_0071_sync/proj_depth/groundtruth/image_02/0000000432.png 718.3351 +2011_09_29/2011_09_29_drive_0071_sync/image_02/data/0000000504.png 2011_09_29_drive_0071_sync/proj_depth/groundtruth/image_02/0000000504.png 718.3351 +2011_09_29/2011_09_29_drive_0071_sync/image_02/data/0000000576.png 2011_09_29_drive_0071_sync/proj_depth/groundtruth/image_02/0000000576.png 718.3351 +2011_09_29/2011_09_29_drive_0071_sync/image_02/data/0000000108.png 2011_09_29_drive_0071_sync/proj_depth/groundtruth/image_02/0000000108.png 718.3351 +2011_09_29/2011_09_29_drive_0071_sync/image_02/data/0000000180.png 2011_09_29_drive_0071_sync/proj_depth/groundtruth/image_02/0000000180.png 718.3351 +2011_09_29/2011_09_29_drive_0071_sync/image_02/data/0000000072.png 2011_09_29_drive_0071_sync/proj_depth/groundtruth/image_02/0000000072.png 718.3351 +2011_09_29/2011_09_29_drive_0071_sync/image_02/data/0000000612.png 2011_09_29_drive_0071_sync/proj_depth/groundtruth/image_02/0000000612.png 718.3351 +2011_09_29/2011_09_29_drive_0071_sync/image_02/data/0000000915.png 2011_09_29_drive_0071_sync/proj_depth/groundtruth/image_02/0000000915.png 718.3351 +2011_09_29/2011_09_29_drive_0071_sync/image_02/data/0000000735.png 2011_09_29_drive_0071_sync/proj_depth/groundtruth/image_02/0000000735.png 718.3351 +2011_09_29/2011_09_29_drive_0071_sync/image_02/data/0000000144.png 2011_09_29_drive_0071_sync/proj_depth/groundtruth/image_02/0000000144.png 718.3351 +2011_09_29/2011_09_29_drive_0071_sync/image_02/data/0000000396.png 2011_09_29_drive_0071_sync/proj_depth/groundtruth/image_02/0000000396.png 718.3351 +2011_09_29/2011_09_29_drive_0071_sync/image_02/data/0000000468.png 2011_09_29_drive_0071_sync/proj_depth/groundtruth/image_02/0000000468.png 718.3351 +2011_09_30/2011_09_30_drive_0016_sync/image_02/data/0000000132.png 2011_09_30_drive_0016_sync/proj_depth/groundtruth/image_02/0000000132.png 707.0912 +2011_09_30/2011_09_30_drive_0016_sync/image_02/data/0000000011.png 2011_09_30_drive_0016_sync/proj_depth/groundtruth/image_02/0000000011.png 707.0912 +2011_09_30/2011_09_30_drive_0016_sync/image_02/data/0000000154.png 2011_09_30_drive_0016_sync/proj_depth/groundtruth/image_02/0000000154.png 707.0912 +2011_09_30/2011_09_30_drive_0016_sync/image_02/data/0000000022.png 2011_09_30_drive_0016_sync/proj_depth/groundtruth/image_02/0000000022.png 707.0912 +2011_09_30/2011_09_30_drive_0016_sync/image_02/data/0000000242.png 2011_09_30_drive_0016_sync/proj_depth/groundtruth/image_02/0000000242.png 707.0912 +2011_09_30/2011_09_30_drive_0016_sync/image_02/data/0000000198.png 2011_09_30_drive_0016_sync/proj_depth/groundtruth/image_02/0000000198.png 707.0912 +2011_09_30/2011_09_30_drive_0016_sync/image_02/data/0000000176.png 2011_09_30_drive_0016_sync/proj_depth/groundtruth/image_02/0000000176.png 707.0912 +2011_09_30/2011_09_30_drive_0016_sync/image_02/data/0000000231.png 2011_09_30_drive_0016_sync/proj_depth/groundtruth/image_02/0000000231.png 707.0912 +2011_09_30/2011_09_30_drive_0016_sync/image_02/data/0000000275.png None 707.0912 +2011_09_30/2011_09_30_drive_0016_sync/image_02/data/0000000220.png 2011_09_30_drive_0016_sync/proj_depth/groundtruth/image_02/0000000220.png 707.0912 +2011_09_30/2011_09_30_drive_0016_sync/image_02/data/0000000088.png 2011_09_30_drive_0016_sync/proj_depth/groundtruth/image_02/0000000088.png 707.0912 +2011_09_30/2011_09_30_drive_0016_sync/image_02/data/0000000143.png 2011_09_30_drive_0016_sync/proj_depth/groundtruth/image_02/0000000143.png 707.0912 +2011_09_30/2011_09_30_drive_0016_sync/image_02/data/0000000055.png 2011_09_30_drive_0016_sync/proj_depth/groundtruth/image_02/0000000055.png 707.0912 +2011_09_30/2011_09_30_drive_0016_sync/image_02/data/0000000033.png 2011_09_30_drive_0016_sync/proj_depth/groundtruth/image_02/0000000033.png 707.0912 +2011_09_30/2011_09_30_drive_0016_sync/image_02/data/0000000187.png 2011_09_30_drive_0016_sync/proj_depth/groundtruth/image_02/0000000187.png 707.0912 +2011_09_30/2011_09_30_drive_0016_sync/image_02/data/0000000110.png 2011_09_30_drive_0016_sync/proj_depth/groundtruth/image_02/0000000110.png 707.0912 +2011_09_30/2011_09_30_drive_0016_sync/image_02/data/0000000044.png 2011_09_30_drive_0016_sync/proj_depth/groundtruth/image_02/0000000044.png 707.0912 +2011_09_30/2011_09_30_drive_0016_sync/image_02/data/0000000077.png 2011_09_30_drive_0016_sync/proj_depth/groundtruth/image_02/0000000077.png 707.0912 +2011_09_30/2011_09_30_drive_0016_sync/image_02/data/0000000066.png 2011_09_30_drive_0016_sync/proj_depth/groundtruth/image_02/0000000066.png 707.0912 +2011_09_30/2011_09_30_drive_0016_sync/image_02/data/0000000000.png None 707.0912 +2011_09_30/2011_09_30_drive_0016_sync/image_02/data/0000000165.png 2011_09_30_drive_0016_sync/proj_depth/groundtruth/image_02/0000000165.png 707.0912 +2011_09_30/2011_09_30_drive_0016_sync/image_02/data/0000000264.png 2011_09_30_drive_0016_sync/proj_depth/groundtruth/image_02/0000000264.png 707.0912 +2011_09_30/2011_09_30_drive_0016_sync/image_02/data/0000000253.png 2011_09_30_drive_0016_sync/proj_depth/groundtruth/image_02/0000000253.png 707.0912 +2011_09_30/2011_09_30_drive_0016_sync/image_02/data/0000000209.png 2011_09_30_drive_0016_sync/proj_depth/groundtruth/image_02/0000000209.png 707.0912 +2011_09_30/2011_09_30_drive_0016_sync/image_02/data/0000000121.png 2011_09_30_drive_0016_sync/proj_depth/groundtruth/image_02/0000000121.png 707.0912 +2011_09_30/2011_09_30_drive_0018_sync/image_02/data/0000000107.png 2011_09_30_drive_0018_sync/proj_depth/groundtruth/image_02/0000000107.png 707.0912 +2011_09_30/2011_09_30_drive_0018_sync/image_02/data/0000002247.png 2011_09_30_drive_0018_sync/proj_depth/groundtruth/image_02/0000002247.png 707.0912 +2011_09_30/2011_09_30_drive_0018_sync/image_02/data/0000001391.png 2011_09_30_drive_0018_sync/proj_depth/groundtruth/image_02/0000001391.png 707.0912 +2011_09_30/2011_09_30_drive_0018_sync/image_02/data/0000000535.png 2011_09_30_drive_0018_sync/proj_depth/groundtruth/image_02/0000000535.png 707.0912 +2011_09_30/2011_09_30_drive_0018_sync/image_02/data/0000001819.png 2011_09_30_drive_0018_sync/proj_depth/groundtruth/image_02/0000001819.png 707.0912 +2011_09_30/2011_09_30_drive_0018_sync/image_02/data/0000001177.png 2011_09_30_drive_0018_sync/proj_depth/groundtruth/image_02/0000001177.png 707.0912 +2011_09_30/2011_09_30_drive_0018_sync/image_02/data/0000000428.png 2011_09_30_drive_0018_sync/proj_depth/groundtruth/image_02/0000000428.png 707.0912 +2011_09_30/2011_09_30_drive_0018_sync/image_02/data/0000001926.png 2011_09_30_drive_0018_sync/proj_depth/groundtruth/image_02/0000001926.png 707.0912 +2011_09_30/2011_09_30_drive_0018_sync/image_02/data/0000000749.png 2011_09_30_drive_0018_sync/proj_depth/groundtruth/image_02/0000000749.png 707.0912 +2011_09_30/2011_09_30_drive_0018_sync/image_02/data/0000001284.png 2011_09_30_drive_0018_sync/proj_depth/groundtruth/image_02/0000001284.png 707.0912 +2011_09_30/2011_09_30_drive_0018_sync/image_02/data/0000002140.png 2011_09_30_drive_0018_sync/proj_depth/groundtruth/image_02/0000002140.png 707.0912 +2011_09_30/2011_09_30_drive_0018_sync/image_02/data/0000001605.png 2011_09_30_drive_0018_sync/proj_depth/groundtruth/image_02/0000001605.png 707.0912 +2011_09_30/2011_09_30_drive_0018_sync/image_02/data/0000001498.png 2011_09_30_drive_0018_sync/proj_depth/groundtruth/image_02/0000001498.png 707.0912 +2011_09_30/2011_09_30_drive_0018_sync/image_02/data/0000000642.png 2011_09_30_drive_0018_sync/proj_depth/groundtruth/image_02/0000000642.png 707.0912 +2011_09_30/2011_09_30_drive_0018_sync/image_02/data/0000002740.png 2011_09_30_drive_0018_sync/proj_depth/groundtruth/image_02/0000002740.png 707.0912 +2011_09_30/2011_09_30_drive_0018_sync/image_02/data/0000002419.png 2011_09_30_drive_0018_sync/proj_depth/groundtruth/image_02/0000002419.png 707.0912 +2011_09_30/2011_09_30_drive_0018_sync/image_02/data/0000000856.png 2011_09_30_drive_0018_sync/proj_depth/groundtruth/image_02/0000000856.png 707.0912 +2011_09_30/2011_09_30_drive_0018_sync/image_02/data/0000002526.png 2011_09_30_drive_0018_sync/proj_depth/groundtruth/image_02/0000002526.png 707.0912 +2011_09_30/2011_09_30_drive_0018_sync/image_02/data/0000001712.png 2011_09_30_drive_0018_sync/proj_depth/groundtruth/image_02/0000001712.png 707.0912 +2011_09_30/2011_09_30_drive_0018_sync/image_02/data/0000001070.png 2011_09_30_drive_0018_sync/proj_depth/groundtruth/image_02/0000001070.png 707.0912 +2011_09_30/2011_09_30_drive_0018_sync/image_02/data/0000000000.png None 707.0912 +2011_09_30/2011_09_30_drive_0018_sync/image_02/data/0000002033.png 2011_09_30_drive_0018_sync/proj_depth/groundtruth/image_02/0000002033.png 707.0912 +2011_09_30/2011_09_30_drive_0018_sync/image_02/data/0000000214.png 2011_09_30_drive_0018_sync/proj_depth/groundtruth/image_02/0000000214.png 707.0912 +2011_09_30/2011_09_30_drive_0018_sync/image_02/data/0000000963.png 2011_09_30_drive_0018_sync/proj_depth/groundtruth/image_02/0000000963.png 707.0912 +2011_09_30/2011_09_30_drive_0018_sync/image_02/data/0000002633.png 2011_09_30_drive_0018_sync/proj_depth/groundtruth/image_02/0000002633.png 707.0912 +2011_09_30/2011_09_30_drive_0027_sync/image_02/data/0000000533.png 2011_09_30_drive_0027_sync/proj_depth/groundtruth/image_02/0000000533.png 707.0912 +2011_09_30/2011_09_30_drive_0027_sync/image_02/data/0000001040.png 2011_09_30_drive_0027_sync/proj_depth/groundtruth/image_02/0000001040.png 707.0912 +2011_09_30/2011_09_30_drive_0027_sync/image_02/data/0000000082.png 2011_09_30_drive_0027_sync/proj_depth/groundtruth/image_02/0000000082.png 707.0912 +2011_09_30/2011_09_30_drive_0027_sync/image_02/data/0000000205.png 2011_09_30_drive_0027_sync/proj_depth/groundtruth/image_02/0000000205.png 707.0912 +2011_09_30/2011_09_30_drive_0027_sync/image_02/data/0000000835.png 2011_09_30_drive_0027_sync/proj_depth/groundtruth/image_02/0000000835.png 707.0912 +2011_09_30/2011_09_30_drive_0027_sync/image_02/data/0000000451.png 2011_09_30_drive_0027_sync/proj_depth/groundtruth/image_02/0000000451.png 707.0912 +2011_09_30/2011_09_30_drive_0027_sync/image_02/data/0000000164.png 2011_09_30_drive_0027_sync/proj_depth/groundtruth/image_02/0000000164.png 707.0912 +2011_09_30/2011_09_30_drive_0027_sync/image_02/data/0000000794.png 2011_09_30_drive_0027_sync/proj_depth/groundtruth/image_02/0000000794.png 707.0912 +2011_09_30/2011_09_30_drive_0027_sync/image_02/data/0000000328.png 2011_09_30_drive_0027_sync/proj_depth/groundtruth/image_02/0000000328.png 707.0912 +2011_09_30/2011_09_30_drive_0027_sync/image_02/data/0000000615.png 2011_09_30_drive_0027_sync/proj_depth/groundtruth/image_02/0000000615.png 707.0912 +2011_09_30/2011_09_30_drive_0027_sync/image_02/data/0000000917.png 2011_09_30_drive_0027_sync/proj_depth/groundtruth/image_02/0000000917.png 707.0912 +2011_09_30/2011_09_30_drive_0027_sync/image_02/data/0000000369.png 2011_09_30_drive_0027_sync/proj_depth/groundtruth/image_02/0000000369.png 707.0912 +2011_09_30/2011_09_30_drive_0027_sync/image_02/data/0000000287.png 2011_09_30_drive_0027_sync/proj_depth/groundtruth/image_02/0000000287.png 707.0912 +2011_09_30/2011_09_30_drive_0027_sync/image_02/data/0000000123.png 2011_09_30_drive_0027_sync/proj_depth/groundtruth/image_02/0000000123.png 707.0912 +2011_09_30/2011_09_30_drive_0027_sync/image_02/data/0000000876.png 2011_09_30_drive_0027_sync/proj_depth/groundtruth/image_02/0000000876.png 707.0912 +2011_09_30/2011_09_30_drive_0027_sync/image_02/data/0000000410.png 2011_09_30_drive_0027_sync/proj_depth/groundtruth/image_02/0000000410.png 707.0912 +2011_09_30/2011_09_30_drive_0027_sync/image_02/data/0000000492.png 2011_09_30_drive_0027_sync/proj_depth/groundtruth/image_02/0000000492.png 707.0912 +2011_09_30/2011_09_30_drive_0027_sync/image_02/data/0000000958.png 2011_09_30_drive_0027_sync/proj_depth/groundtruth/image_02/0000000958.png 707.0912 +2011_09_30/2011_09_30_drive_0027_sync/image_02/data/0000000656.png 2011_09_30_drive_0027_sync/proj_depth/groundtruth/image_02/0000000656.png 707.0912 +2011_09_30/2011_09_30_drive_0027_sync/image_02/data/0000000000.png None 707.0912 +2011_09_30/2011_09_30_drive_0027_sync/image_02/data/0000000753.png 2011_09_30_drive_0027_sync/proj_depth/groundtruth/image_02/0000000753.png 707.0912 +2011_09_30/2011_09_30_drive_0027_sync/image_02/data/0000000574.png 2011_09_30_drive_0027_sync/proj_depth/groundtruth/image_02/0000000574.png 707.0912 +2011_09_30/2011_09_30_drive_0027_sync/image_02/data/0000001081.png 2011_09_30_drive_0027_sync/proj_depth/groundtruth/image_02/0000001081.png 707.0912 +2011_09_30/2011_09_30_drive_0027_sync/image_02/data/0000000041.png 2011_09_30_drive_0027_sync/proj_depth/groundtruth/image_02/0000000041.png 707.0912 +2011_09_30/2011_09_30_drive_0027_sync/image_02/data/0000000246.png 2011_09_30_drive_0027_sync/proj_depth/groundtruth/image_02/0000000246.png 707.0912 +2011_10_03/2011_10_03_drive_0027_sync/image_02/data/0000002906.png 2011_10_03_drive_0027_sync/proj_depth/groundtruth/image_02/0000002906.png 718.856 +2011_10_03/2011_10_03_drive_0027_sync/image_02/data/0000002544.png 2011_10_03_drive_0027_sync/proj_depth/groundtruth/image_02/0000002544.png 718.856 +2011_10_03/2011_10_03_drive_0027_sync/image_02/data/0000000362.png 2011_10_03_drive_0027_sync/proj_depth/groundtruth/image_02/0000000362.png 718.856 +2011_10_03/2011_10_03_drive_0027_sync/image_02/data/0000004535.png 2011_10_03_drive_0027_sync/proj_depth/groundtruth/image_02/0000004535.png 718.856 +2011_10_03/2011_10_03_drive_0027_sync/image_02/data/0000000734.png 2011_10_03_drive_0027_sync/proj_depth/groundtruth/image_02/0000000734.png 718.856 +2011_10_03/2011_10_03_drive_0027_sync/image_02/data/0000001096.png 2011_10_03_drive_0027_sync/proj_depth/groundtruth/image_02/0000001096.png 718.856 +2011_10_03/2011_10_03_drive_0027_sync/image_02/data/0000004173.png 2011_10_03_drive_0027_sync/proj_depth/groundtruth/image_02/0000004173.png 718.856 +2011_10_03/2011_10_03_drive_0027_sync/image_02/data/0000000543.png 2011_10_03_drive_0027_sync/proj_depth/groundtruth/image_02/0000000543.png 718.856 +2011_10_03/2011_10_03_drive_0027_sync/image_02/data/0000001277.png 2011_10_03_drive_0027_sync/proj_depth/groundtruth/image_02/0000001277.png 718.856 +2011_10_03/2011_10_03_drive_0027_sync/image_02/data/0000004354.png 2011_10_03_drive_0027_sync/proj_depth/groundtruth/image_02/0000004354.png 718.856 +2011_10_03/2011_10_03_drive_0027_sync/image_02/data/0000001458.png 2011_10_03_drive_0027_sync/proj_depth/groundtruth/image_02/0000001458.png 718.856 +2011_10_03/2011_10_03_drive_0027_sync/image_02/data/0000001820.png 2011_10_03_drive_0027_sync/proj_depth/groundtruth/image_02/0000001820.png 718.856 +2011_10_03/2011_10_03_drive_0027_sync/image_02/data/0000003449.png 2011_10_03_drive_0027_sync/proj_depth/groundtruth/image_02/0000003449.png 718.856 +2011_10_03/2011_10_03_drive_0027_sync/image_02/data/0000003268.png 2011_10_03_drive_0027_sync/proj_depth/groundtruth/image_02/0000003268.png 718.856 +2011_10_03/2011_10_03_drive_0027_sync/image_02/data/0000000915.png 2011_10_03_drive_0027_sync/proj_depth/groundtruth/image_02/0000000915.png 718.856 +2011_10_03/2011_10_03_drive_0027_sync/image_02/data/0000002363.png 2011_10_03_drive_0027_sync/proj_depth/groundtruth/image_02/0000002363.png 718.856 +2011_10_03/2011_10_03_drive_0027_sync/image_02/data/0000002725.png 2011_10_03_drive_0027_sync/proj_depth/groundtruth/image_02/0000002725.png 718.856 +2011_10_03/2011_10_03_drive_0027_sync/image_02/data/0000000181.png 2011_10_03_drive_0027_sync/proj_depth/groundtruth/image_02/0000000181.png 718.856 +2011_10_03/2011_10_03_drive_0027_sync/image_02/data/0000001639.png 2011_10_03_drive_0027_sync/proj_depth/groundtruth/image_02/0000001639.png 718.856 +2011_10_03/2011_10_03_drive_0027_sync/image_02/data/0000003992.png 2011_10_03_drive_0027_sync/proj_depth/groundtruth/image_02/0000003992.png 718.856 +2011_10_03/2011_10_03_drive_0027_sync/image_02/data/0000003087.png 2011_10_03_drive_0027_sync/proj_depth/groundtruth/image_02/0000003087.png 718.856 +2011_10_03/2011_10_03_drive_0027_sync/image_02/data/0000002001.png 2011_10_03_drive_0027_sync/proj_depth/groundtruth/image_02/0000002001.png 718.856 +2011_10_03/2011_10_03_drive_0027_sync/image_02/data/0000003811.png 2011_10_03_drive_0027_sync/proj_depth/groundtruth/image_02/0000003811.png 718.856 +2011_10_03/2011_10_03_drive_0027_sync/image_02/data/0000003630.png 2011_10_03_drive_0027_sync/proj_depth/groundtruth/image_02/0000003630.png 718.856 +2011_10_03/2011_10_03_drive_0027_sync/image_02/data/0000000000.png None 718.856 +2011_10_03/2011_10_03_drive_0047_sync/image_02/data/0000000096.png 2011_10_03_drive_0047_sync/proj_depth/groundtruth/image_02/0000000096.png 718.856 +2011_10_03/2011_10_03_drive_0047_sync/image_02/data/0000000800.png 2011_10_03_drive_0047_sync/proj_depth/groundtruth/image_02/0000000800.png 718.856 +2011_10_03/2011_10_03_drive_0047_sync/image_02/data/0000000320.png 2011_10_03_drive_0047_sync/proj_depth/groundtruth/image_02/0000000320.png 718.856 +2011_10_03/2011_10_03_drive_0047_sync/image_02/data/0000000576.png 2011_10_03_drive_0047_sync/proj_depth/groundtruth/image_02/0000000576.png 718.856 +2011_10_03/2011_10_03_drive_0047_sync/image_02/data/0000000000.png None 718.856 +2011_10_03/2011_10_03_drive_0047_sync/image_02/data/0000000480.png 2011_10_03_drive_0047_sync/proj_depth/groundtruth/image_02/0000000480.png 718.856 +2011_10_03/2011_10_03_drive_0047_sync/image_02/data/0000000640.png 2011_10_03_drive_0047_sync/proj_depth/groundtruth/image_02/0000000640.png 718.856 +2011_10_03/2011_10_03_drive_0047_sync/image_02/data/0000000032.png 2011_10_03_drive_0047_sync/proj_depth/groundtruth/image_02/0000000032.png 718.856 +2011_10_03/2011_10_03_drive_0047_sync/image_02/data/0000000384.png 2011_10_03_drive_0047_sync/proj_depth/groundtruth/image_02/0000000384.png 718.856 +2011_10_03/2011_10_03_drive_0047_sync/image_02/data/0000000160.png 2011_10_03_drive_0047_sync/proj_depth/groundtruth/image_02/0000000160.png 718.856 +2011_10_03/2011_10_03_drive_0047_sync/image_02/data/0000000704.png 2011_10_03_drive_0047_sync/proj_depth/groundtruth/image_02/0000000704.png 718.856 +2011_10_03/2011_10_03_drive_0047_sync/image_02/data/0000000736.png 2011_10_03_drive_0047_sync/proj_depth/groundtruth/image_02/0000000736.png 718.856 +2011_10_03/2011_10_03_drive_0047_sync/image_02/data/0000000672.png 2011_10_03_drive_0047_sync/proj_depth/groundtruth/image_02/0000000672.png 718.856 +2011_10_03/2011_10_03_drive_0047_sync/image_02/data/0000000064.png 2011_10_03_drive_0047_sync/proj_depth/groundtruth/image_02/0000000064.png 718.856 +2011_10_03/2011_10_03_drive_0047_sync/image_02/data/0000000288.png 2011_10_03_drive_0047_sync/proj_depth/groundtruth/image_02/0000000288.png 718.856 +2011_10_03/2011_10_03_drive_0047_sync/image_02/data/0000000352.png 2011_10_03_drive_0047_sync/proj_depth/groundtruth/image_02/0000000352.png 718.856 +2011_10_03/2011_10_03_drive_0047_sync/image_02/data/0000000512.png 2011_10_03_drive_0047_sync/proj_depth/groundtruth/image_02/0000000512.png 718.856 +2011_10_03/2011_10_03_drive_0047_sync/image_02/data/0000000544.png 2011_10_03_drive_0047_sync/proj_depth/groundtruth/image_02/0000000544.png 718.856 +2011_10_03/2011_10_03_drive_0047_sync/image_02/data/0000000608.png 2011_10_03_drive_0047_sync/proj_depth/groundtruth/image_02/0000000608.png 718.856 +2011_10_03/2011_10_03_drive_0047_sync/image_02/data/0000000128.png 2011_10_03_drive_0047_sync/proj_depth/groundtruth/image_02/0000000128.png 718.856 +2011_10_03/2011_10_03_drive_0047_sync/image_02/data/0000000224.png 2011_10_03_drive_0047_sync/proj_depth/groundtruth/image_02/0000000224.png 718.856 +2011_10_03/2011_10_03_drive_0047_sync/image_02/data/0000000416.png 2011_10_03_drive_0047_sync/proj_depth/groundtruth/image_02/0000000416.png 718.856 +2011_10_03/2011_10_03_drive_0047_sync/image_02/data/0000000192.png 2011_10_03_drive_0047_sync/proj_depth/groundtruth/image_02/0000000192.png 718.856 +2011_10_03/2011_10_03_drive_0047_sync/image_02/data/0000000448.png 2011_10_03_drive_0047_sync/proj_depth/groundtruth/image_02/0000000448.png 718.856 +2011_10_03/2011_10_03_drive_0047_sync/image_02/data/0000000768.png 2011_10_03_drive_0047_sync/proj_depth/groundtruth/image_02/0000000768.png 718.856 \ No newline at end of file diff --git a/train_test_inputs/kitti_eigen_train_files_with_gt.txt b/train_test_inputs/kitti_eigen_train_files_with_gt.txt new file mode 100644 index 000000000..49a88e0c9 --- /dev/null +++ b/train_test_inputs/kitti_eigen_train_files_with_gt.txt @@ -0,0 +1,23158 @@ +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000116.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000116.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000978.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000978.png 718.856 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000280.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000280.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003041.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003041.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000934.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000934.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000673.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000673.png 721.5377 +2011_09_26/2011_09_26_drive_0005_sync/image_02/data/0000000017.png 2011_09_26_drive_0005_sync/proj_depth/groundtruth/image_02/0000000017.png 721.5377 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000309.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000309.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000743.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000743.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001281.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001281.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003239.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003239.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000979.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000979.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004073.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004073.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004027.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004027.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003873.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003873.png 718.856 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000125.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000125.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000532.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000532.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003862.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003862.png 707.0912 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000012.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000012.png 721.5377 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000031.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000031.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001405.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001405.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001459.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001459.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003282.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003282.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000551.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000551.png 707.0912 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000042.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000042.png 721.5377 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000340.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000340.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000707.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000707.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000900.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000900.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001337.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001337.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000892.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000892.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000196.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000196.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000820.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000820.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001385.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001385.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000414.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000414.png 707.0912 +2011_09_26/2011_09_26_drive_0113_sync/image_02/data/0000000024.png 2011_09_26_drive_0113_sync/proj_depth/groundtruth/image_02/0000000024.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002698.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002698.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003364.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003364.png 718.856 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000231.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000231.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003324.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003324.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000227.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000227.png 707.0912 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000030.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000030.png 721.5377 +2011_09_26/2011_09_26_drive_0035_sync/image_02/data/0000000121.png 2011_09_26_drive_0035_sync/proj_depth/groundtruth/image_02/0000000121.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003101.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003101.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000422.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000422.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003974.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003974.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003046.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003046.png 718.856 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000093.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000093.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002714.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002714.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000045.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000045.png 721.5377 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000040.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000040.png 721.5377 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000408.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000408.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000001142.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000001142.png 718.856 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000394.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000394.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001624.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001624.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002742.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002742.png 718.856 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000027.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000027.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004564.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004564.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001138.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001138.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000388.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000388.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002841.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002841.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001006.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001006.png 718.856 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000705.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000705.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002065.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002065.png 707.0912 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000472.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000472.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000146.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000146.png 707.0912 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000139.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000139.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002308.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002308.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000201.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000201.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000763.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000763.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000216.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000216.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003149.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003149.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004171.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004171.png 718.856 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000164.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000164.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001646.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001646.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001558.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001558.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000395.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000395.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003785.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003785.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000561.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000561.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002228.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002228.png 718.856 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000150.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000150.png 718.3351 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001789.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001789.png 718.856 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000410.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000410.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004543.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004543.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000032.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000032.png 718.856 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000399.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000399.png 721.5377 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000052.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000052.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003410.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003410.png 707.0912 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000277.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000277.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001257.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001257.png 718.856 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000289.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000289.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003482.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003482.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000481.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000481.png 707.0912 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000006.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000006.png 718.3351 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000095.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000095.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000211.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000211.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004808.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004808.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000591.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000591.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000448.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000448.png 718.856 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000028.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000028.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000135.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000135.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001862.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001862.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000702.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000702.png 718.856 +2011_09_26/2011_09_26_drive_0005_sync/image_02/data/0000000054.png 2011_09_26_drive_0005_sync/proj_depth/groundtruth/image_02/0000000054.png 721.5377 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000088.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000088.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001893.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001893.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000919.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000919.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001647.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001647.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001056.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001056.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004340.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004340.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000841.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000841.png 707.0912 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000098.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000098.png 721.5377 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000029.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000029.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001741.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001741.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003706.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003706.png 718.856 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000698.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000698.png 721.5377 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000221.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000221.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000623.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000623.png 718.856 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000247.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000247.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000309.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000309.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000142.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000142.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003892.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003892.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000692.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000692.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004143.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004143.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000668.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000668.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000402.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000402.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000568.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000568.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002118.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002118.png 718.856 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000202.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000202.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000600.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000600.png 707.0912 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000159.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000159.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000093.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000093.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000700.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000700.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004434.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004434.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000714.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000714.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004652.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004652.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001614.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001614.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002520.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002520.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003562.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003562.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000042.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000042.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003897.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003897.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004076.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004076.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002496.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002496.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000001106.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000001106.png 718.856 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000165.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000165.png 721.5377 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000097.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000097.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001709.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001709.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001527.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001527.png 707.0912 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000179.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000179.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000737.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000737.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004419.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004419.png 718.856 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000203.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000203.png 721.5377 +2011_09_26/2011_09_26_drive_0017_sync/image_02/data/0000000019.png 2011_09_26_drive_0017_sync/proj_depth/groundtruth/image_02/0000000019.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000419.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000419.png 721.5377 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000005.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000005.png 721.5377 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000357.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000357.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002264.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002264.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002496.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002496.png 707.0912 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000190.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000190.png 718.3351 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002808.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002808.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000871.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000871.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001059.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001059.png 707.0912 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000223.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000223.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003367.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003367.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001551.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001551.png 718.856 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000220.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000220.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000674.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000674.png 718.856 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000206.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000206.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002208.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002208.png 707.0912 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000179.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000179.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001455.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001455.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003466.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003466.png 707.0912 +2011_09_26/2011_09_26_drive_0060_sync/image_02/data/0000000034.png 2011_09_26_drive_0060_sync/proj_depth/groundtruth/image_02/0000000034.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001870.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001870.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000667.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000667.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003188.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003188.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000611.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000611.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003582.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003582.png 718.856 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000161.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000161.png 721.5377 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000054.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000054.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000842.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000842.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000391.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000391.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001452.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001452.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000530.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000530.png 707.0912 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000212.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000212.png 718.3351 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000438.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000438.png 721.5377 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000189.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000189.png 721.5377 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000094.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000094.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000312.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000312.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004145.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004145.png 718.856 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000756.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000756.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000257.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000257.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000440.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000440.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000625.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000625.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001086.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001086.png 718.856 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000464.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000464.png 721.5377 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000006.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000006.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003554.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003554.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004178.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004178.png 718.856 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000088.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000088.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002884.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002884.png 707.0912 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000370.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000370.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004502.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004502.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001652.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001652.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001108.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001108.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000005001.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000005001.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000261.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000261.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001104.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001104.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000368.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000368.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002902.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002902.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001399.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001399.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000370.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000370.png 707.0912 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000241.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000241.png 718.3351 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002011.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002011.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004144.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004144.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000338.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000338.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002742.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002742.png 707.0912 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000342.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000342.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000958.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000958.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001248.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001248.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004368.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004368.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000806.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000806.png 718.856 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000312.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000312.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003100.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003100.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000829.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000829.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000143.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000143.png 718.856 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000404.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000404.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000061.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000061.png 718.856 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000765.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000765.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001956.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001956.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000751.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000751.png 718.856 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000076.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000076.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001826.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001826.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000844.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000844.png 707.0912 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000169.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000169.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000326.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000326.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003927.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003927.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002313.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002313.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004442.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004442.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001749.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001749.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002536.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002536.png 718.856 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000271.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000271.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000582.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000582.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000162.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000162.png 707.0912 +2011_09_26/2011_09_26_drive_0079_sync/image_02/data/0000000025.png 2011_09_26_drive_0079_sync/proj_depth/groundtruth/image_02/0000000025.png 721.5377 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000321.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000321.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003154.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003154.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000447.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000447.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004103.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004103.png 718.856 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000237.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000237.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000095.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000095.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000139.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000139.png 707.0912 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000115.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000115.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004606.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004606.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004309.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004309.png 718.856 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000562.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000562.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001266.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001266.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000141.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000141.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003468.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003468.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004668.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004668.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000342.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000342.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000408.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000408.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000845.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000845.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000395.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000395.png 707.0912 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000246.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000246.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003780.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003780.png 718.856 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000356.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000356.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001189.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001189.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002435.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002435.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003775.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003775.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003407.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003407.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001122.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001122.png 718.856 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000197.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000197.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000721.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000721.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000229.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000229.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000339.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000339.png 718.856 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000383.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000383.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001085.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001085.png 707.0912 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000175.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000175.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001684.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001684.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003042.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003042.png 707.0912 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000248.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000248.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003969.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003969.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000294.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000294.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000760.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000760.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004057.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004057.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000940.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000940.png 718.856 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000043.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000043.png 718.3351 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000142.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000142.png 721.5377 +2011_09_26/2011_09_26_drive_0060_sync/image_02/data/0000000008.png 2011_09_26_drive_0060_sync/proj_depth/groundtruth/image_02/0000000008.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001938.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001938.png 718.856 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000350.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000350.png 721.5377 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000194.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000194.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001770.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001770.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002032.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002032.png 707.0912 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000206.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000206.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000790.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000790.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004414.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004414.png 718.856 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000377.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000377.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001510.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001510.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001096.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001096.png 718.856 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000396.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000396.png 721.5377 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000278.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000278.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000543.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000543.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000398.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000398.png 718.856 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000581.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000581.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000099.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000099.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000687.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000687.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004230.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004230.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000848.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000848.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000097.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000097.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000529.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000529.png 721.5377 +2011_09_26/2011_09_26_drive_0017_sync/image_02/data/0000000092.png 2011_09_26_drive_0017_sync/proj_depth/groundtruth/image_02/0000000092.png 721.5377 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000071.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000071.png 721.5377 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000343.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000343.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004451.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004451.png 718.856 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000262.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000262.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000347.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000347.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000279.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000279.png 718.856 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000144.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000144.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000403.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000403.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003428.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003428.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001289.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001289.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002010.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002010.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000005006.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000005006.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003470.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003470.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002012.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002012.png 718.856 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000430.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000430.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001763.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001763.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000383.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000383.png 707.0912 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000045.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000045.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000585.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000585.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000582.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000582.png 721.5377 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000131.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000131.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000001034.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000001034.png 707.0912 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000208.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000208.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000019.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000019.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004728.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004728.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000515.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000515.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001937.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001937.png 707.0912 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000084.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000084.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000975.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000975.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000060.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000060.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002168.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002168.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004220.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004220.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000665.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000665.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000710.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000710.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000289.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000289.png 718.856 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000244.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000244.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002138.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002138.png 707.0912 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000208.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000208.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000455.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000455.png 718.856 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000294.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000294.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000005.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000005.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001514.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001514.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002070.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002070.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000726.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000726.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001089.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001089.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004018.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004018.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001915.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001915.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000131.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000131.png 718.856 +2011_09_26/2011_09_26_drive_0005_sync/image_02/data/0000000052.png 2011_09_26_drive_0005_sync/proj_depth/groundtruth/image_02/0000000052.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000243.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000243.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000115.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000115.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002499.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002499.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000435.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000435.png 718.856 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000210.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000210.png 721.5377 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000103.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000103.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000432.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000432.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004498.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004498.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000576.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000576.png 718.856 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000432.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000432.png 721.5377 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000111.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000111.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000005041.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000005041.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004523.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004523.png 707.0912 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000159.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000159.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000671.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000671.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000961.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000961.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002571.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002571.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000128.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000128.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000876.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000876.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001223.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001223.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000570.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000570.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000172.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000172.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000276.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000276.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003130.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003130.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001279.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001279.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004197.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004197.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000270.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000270.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002537.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002537.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000621.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000621.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003765.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003765.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003744.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003744.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000857.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000857.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003612.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003612.png 718.856 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000067.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000067.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003677.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003677.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000818.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000818.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001068.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001068.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002974.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002974.png 718.856 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000621.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000621.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004263.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004263.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000873.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000873.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000835.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000835.png 718.856 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000165.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000165.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002220.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002220.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001461.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001461.png 718.856 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000656.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000656.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000311.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000311.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002258.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002258.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000637.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000637.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000967.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000967.png 707.0912 +2011_09_26/2011_09_26_drive_0005_sync/image_02/data/0000000059.png 2011_09_26_drive_0005_sync/proj_depth/groundtruth/image_02/0000000059.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000726.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000726.png 707.0912 +2011_09_26/2011_09_26_drive_0113_sync/image_02/data/0000000021.png 2011_09_26_drive_0113_sync/proj_depth/groundtruth/image_02/0000000021.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003005.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003005.png 707.0912 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000047.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000047.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000273.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000273.png 718.856 +2011_09_26/2011_09_26_drive_0060_sync/image_02/data/0000000058.png 2011_09_26_drive_0060_sync/proj_depth/groundtruth/image_02/0000000058.png 721.5377 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000409.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000409.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000766.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000766.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002745.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002745.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001794.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001794.png 718.856 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000009.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000009.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001413.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001413.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000403.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000403.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000005002.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000005002.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002463.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002463.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000006.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000006.png 718.856 +2011_09_28/2011_09_28_drive_0001_sync/image_02/data/0000000016.png 2011_09_28_drive_0001_sync/proj_depth/groundtruth/image_02/0000000016.png 707.0493 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001999.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001999.png 707.0912 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000144.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000144.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000387.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000387.png 707.0912 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000277.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000277.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004031.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004031.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000636.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000636.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002298.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002298.png 718.856 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000111.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000111.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000446.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000446.png 707.0912 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000278.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000278.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000332.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000332.png 707.0912 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000283.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000283.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000183.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000183.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000008.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000008.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000982.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000982.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000212.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000212.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001014.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001014.png 718.856 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000186.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000186.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000318.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000318.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002016.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002016.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000001111.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000001111.png 718.856 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000019.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000019.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004498.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004498.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000986.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000986.png 718.856 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000354.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000354.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002877.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002877.png 718.856 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000353.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000353.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000792.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000792.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000659.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000659.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002478.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002478.png 707.0912 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000313.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000313.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000220.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000220.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004015.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004015.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000322.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000322.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004338.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004338.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000072.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000072.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000001001.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000001001.png 718.856 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000017.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000017.png 721.5377 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000060.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000060.png 721.5377 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000288.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000288.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000040.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000040.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000870.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000870.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000567.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000567.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000646.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000646.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003137.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003137.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000337.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000337.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002219.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002219.png 707.0912 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000029.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000029.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001666.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001666.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000127.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000127.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000651.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000651.png 721.5377 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000241.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000241.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003140.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003140.png 718.856 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000023.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000023.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000894.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000894.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000261.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000261.png 718.856 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000274.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000274.png 721.5377 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000402.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000402.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000596.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000596.png 721.5377 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000250.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000250.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000330.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000330.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000902.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000902.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000209.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000209.png 721.5377 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000139.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000139.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002201.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002201.png 707.0912 +2011_09_26/2011_09_26_drive_0005_sync/image_02/data/0000000085.png 2011_09_26_drive_0005_sync/proj_depth/groundtruth/image_02/0000000085.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004827.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004827.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000001010.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000001010.png 718.856 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000072.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000072.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003297.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003297.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004463.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004463.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000813.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000813.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003124.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003124.png 707.0912 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000329.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000329.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002232.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002232.png 718.856 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000285.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000285.png 721.5377 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000368.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000368.png 721.5377 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000263.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000263.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002358.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002358.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000340.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000340.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000348.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000348.png 718.856 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000048.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000048.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002544.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002544.png 718.856 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000020.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000020.png 721.5377 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000067.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000067.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000727.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000727.png 707.0912 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000029.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000029.png 721.5377 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000380.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000380.png 721.5377 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000337.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000337.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003029.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003029.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000995.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000995.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000459.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000459.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000267.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000267.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002930.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002930.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003549.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003549.png 707.0912 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000341.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000341.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003191.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003191.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000338.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000338.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002441.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002441.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004306.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004306.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001481.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001481.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003880.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003880.png 718.856 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000279.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000279.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001392.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001392.png 718.856 +2011_09_26/2011_09_26_drive_0113_sync/image_02/data/0000000053.png 2011_09_26_drive_0113_sync/proj_depth/groundtruth/image_02/0000000053.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000495.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000495.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003776.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003776.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001694.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001694.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000448.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000448.png 707.0912 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000273.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000273.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000935.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000935.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004064.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004064.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004259.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004259.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000599.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000599.png 707.0912 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000019.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000019.png 721.5377 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000123.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000123.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004474.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004474.png 707.0912 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000374.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000374.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003779.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003779.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000489.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000489.png 707.0912 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000321.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000321.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003557.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003557.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000372.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000372.png 707.0912 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000177.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000177.png 721.5377 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000286.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000286.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001179.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001179.png 718.856 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000169.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000169.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003465.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003465.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000231.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000231.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001722.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001722.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000618.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000618.png 707.0912 +2011_09_26/2011_09_26_drive_0005_sync/image_02/data/0000000066.png 2011_09_26_drive_0005_sync/proj_depth/groundtruth/image_02/0000000066.png 721.5377 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000176.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000176.png 721.5377 +2011_09_26/2011_09_26_drive_0005_sync/image_02/data/0000000123.png 2011_09_26_drive_0005_sync/proj_depth/groundtruth/image_02/0000000123.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000001079.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000001079.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004937.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004937.png 707.0912 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000229.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000229.png 721.5377 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000296.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000296.png 718.3351 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002202.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002202.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000620.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000620.png 707.0912 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000170.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000170.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000193.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000193.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000445.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000445.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004506.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004506.png 707.0912 +2011_09_26/2011_09_26_drive_0035_sync/image_02/data/0000000078.png 2011_09_26_drive_0035_sync/proj_depth/groundtruth/image_02/0000000078.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000620.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000620.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000996.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000996.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000892.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000892.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001168.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001168.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003337.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003337.png 707.0912 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000229.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000229.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000495.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000495.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001462.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001462.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000650.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000650.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000431.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000431.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000693.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000693.png 707.0912 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000020.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000020.png 721.5377 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000076.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000076.png 721.5377 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000220.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000220.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000084.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000084.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004706.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004706.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004582.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004582.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004141.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004141.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000875.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000875.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000551.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000551.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003742.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003742.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004040.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004040.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000670.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000670.png 707.0912 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000298.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000298.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000079.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000079.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004363.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004363.png 718.856 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000088.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000088.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000922.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000922.png 707.0912 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000434.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000434.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000089.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000089.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000144.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000144.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002502.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002502.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002464.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002464.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000896.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000896.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003170.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003170.png 718.856 +2011_09_29/2011_09_29_drive_0026_sync/image_02/data/0000000013.png 2011_09_29_drive_0026_sync/proj_depth/groundtruth/image_02/0000000013.png 718.3351 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000221.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000221.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000113.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000113.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000676.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000676.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004525.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004525.png 718.856 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000352.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000352.png 721.5377 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000055.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000055.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002299.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002299.png 707.0912 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000163.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000163.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001435.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001435.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002400.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002400.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001229.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001229.png 707.0912 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000289.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000289.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000730.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000730.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003915.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003915.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003122.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003122.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001925.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001925.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002577.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002577.png 718.856 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000119.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000119.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002491.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002491.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000996.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000996.png 707.0912 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000222.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000222.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004168.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004168.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004281.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004281.png 718.856 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000514.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000514.png 721.5377 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000309.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000309.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000680.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000680.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004333.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004333.png 707.0912 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000263.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000263.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000644.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000644.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003676.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003676.png 718.856 +2011_09_26/2011_09_26_drive_0079_sync/image_02/data/0000000075.png 2011_09_26_drive_0079_sync/proj_depth/groundtruth/image_02/0000000075.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001072.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001072.png 707.0912 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000112.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000112.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000936.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000936.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001314.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001314.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000664.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000664.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004411.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004411.png 707.0912 +2011_09_26/2011_09_26_drive_0060_sync/image_02/data/0000000024.png 2011_09_26_drive_0060_sync/proj_depth/groundtruth/image_02/0000000024.png 721.5377 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000115.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000115.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003186.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003186.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000092.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000092.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001239.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001239.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000723.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000723.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000304.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000304.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000570.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000570.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004881.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004881.png 707.0912 +2011_09_26/2011_09_26_drive_0035_sync/image_02/data/0000000068.png 2011_09_26_drive_0035_sync/proj_depth/groundtruth/image_02/0000000068.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000088.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000088.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003117.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003117.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004649.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004649.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004086.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004086.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000131.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000131.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000005.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000005.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000469.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000469.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000522.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000522.png 707.0912 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000178.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000178.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001221.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001221.png 718.856 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000142.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000142.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000236.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000236.png 718.856 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000263.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000263.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003510.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003510.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000001157.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000001157.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004387.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004387.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000232.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000232.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002485.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002485.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000716.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000716.png 718.856 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000206.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000206.png 721.5377 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000231.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000231.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000292.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000292.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004173.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004173.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002036.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002036.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002513.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002513.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003575.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003575.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000975.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000975.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003835.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003835.png 718.856 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000172.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000172.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000972.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000972.png 707.0912 +2011_09_26/2011_09_26_drive_0017_sync/image_02/data/0000000068.png 2011_09_26_drive_0017_sync/proj_depth/groundtruth/image_02/0000000068.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000867.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000867.png 707.0912 +2011_09_28/2011_09_28_drive_0001_sync/image_02/data/0000000027.png 2011_09_28_drive_0001_sync/proj_depth/groundtruth/image_02/0000000027.png 707.0493 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000524.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000524.png 718.856 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000184.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000184.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001999.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001999.png 718.856 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000700.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000700.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000147.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000147.png 721.5377 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000293.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000293.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000915.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000915.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000337.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000337.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003950.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003950.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004586.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004586.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001247.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001247.png 707.0912 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000231.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000231.png 721.5377 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000051.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000051.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004985.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004985.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001344.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001344.png 707.0912 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000245.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000245.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000701.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000701.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000001060.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000001060.png 718.856 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000037.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000037.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000644.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000644.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000904.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000904.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001532.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001532.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000508.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000508.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002246.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002246.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003606.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003606.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003831.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003831.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000677.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000677.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003288.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003288.png 707.0912 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000183.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000183.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000364.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000364.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000465.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000465.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000193.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000193.png 721.5377 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000094.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000094.png 721.5377 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000298.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000298.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000558.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000558.png 721.5377 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000050.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000050.png 721.5377 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000054.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000054.png 721.5377 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000387.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000387.png 721.5377 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000301.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000301.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002601.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002601.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003792.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003792.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000625.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000625.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000005045.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000005045.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000010.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000010.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002828.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002828.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000559.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000559.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001400.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001400.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004191.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004191.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003308.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003308.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000348.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000348.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000043.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000043.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000474.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000474.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002154.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002154.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000690.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000690.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004304.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004304.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000771.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000771.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000013.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000013.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000593.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000593.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003705.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003705.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000789.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000789.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004289.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004289.png 707.0912 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000054.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000054.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000755.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000755.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001943.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001943.png 718.856 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000228.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000228.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000884.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000884.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004538.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004538.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003344.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003344.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000856.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000856.png 707.0912 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000234.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000234.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000175.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000175.png 721.5377 +2011_09_26/2011_09_26_drive_0035_sync/image_02/data/0000000011.png 2011_09_26_drive_0035_sync/proj_depth/groundtruth/image_02/0000000011.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000023.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000023.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001874.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001874.png 707.0912 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000047.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000047.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000407.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000407.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000020.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000020.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002573.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002573.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002909.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002909.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000903.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000903.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001587.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001587.png 707.0912 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000402.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000402.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000506.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000506.png 707.0912 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000133.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000133.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000998.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000998.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004032.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004032.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000657.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000657.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000456.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000456.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001068.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001068.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000001143.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000001143.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004570.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004570.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004125.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004125.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002315.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002315.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004536.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004536.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004052.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004052.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000381.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000381.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001951.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001951.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000143.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000143.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000153.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000153.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001830.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001830.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001863.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001863.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003577.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003577.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000605.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000605.png 721.5377 +2011_09_26/2011_09_26_drive_0035_sync/image_02/data/0000000115.png 2011_09_26_drive_0035_sync/proj_depth/groundtruth/image_02/0000000115.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000262.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000262.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000389.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000389.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004389.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004389.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001815.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001815.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001747.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001747.png 707.0912 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000088.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000088.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002810.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002810.png 718.856 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000213.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000213.png 718.3351 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001416.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001416.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000398.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000398.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000145.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000145.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002012.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002012.png 707.0912 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000198.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000198.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000647.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000647.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000282.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000282.png 721.5377 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000053.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000053.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003821.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003821.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000621.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000621.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004365.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004365.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001228.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001228.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000344.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000344.png 707.0912 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000097.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000097.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000141.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000141.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000953.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000953.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003269.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003269.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002479.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002479.png 718.856 +2011_09_28/2011_09_28_drive_0001_sync/image_02/data/0000000036.png 2011_09_28_drive_0001_sync/proj_depth/groundtruth/image_02/0000000036.png 707.0493 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000771.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000771.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003563.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003563.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000514.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000514.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001388.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001388.png 718.856 +2011_09_26/2011_09_26_drive_0005_sync/image_02/data/0000000053.png 2011_09_26_drive_0005_sync/proj_depth/groundtruth/image_02/0000000053.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000445.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000445.png 721.5377 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000268.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000268.png 721.5377 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000218.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000218.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003859.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003859.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000316.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000316.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004043.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004043.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000005061.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000005061.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000728.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000728.png 707.0912 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000103.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000103.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002187.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002187.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001285.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001285.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001629.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001629.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000765.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000765.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001112.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001112.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001174.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001174.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000632.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000632.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000137.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000137.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000504.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000504.png 721.5377 +2011_09_26/2011_09_26_drive_0017_sync/image_02/data/0000000041.png 2011_09_26_drive_0017_sync/proj_depth/groundtruth/image_02/0000000041.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004465.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004465.png 707.0912 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000160.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000160.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000145.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000145.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000199.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000199.png 707.0912 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000127.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000127.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000083.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000083.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000071.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000071.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000001059.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000001059.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003927.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003927.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002097.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002097.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000877.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000877.png 707.0912 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000465.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000465.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000157.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000157.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000390.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000390.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000092.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000092.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000005030.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000005030.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004596.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004596.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000708.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000708.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001414.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001414.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002136.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002136.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000656.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000656.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003553.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003553.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003689.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003689.png 718.856 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000354.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000354.png 721.5377 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000119.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000119.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002186.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002186.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004763.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004763.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001443.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001443.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004327.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004327.png 707.0912 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000029.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000029.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000751.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000751.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000290.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000290.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000861.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000861.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003297.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003297.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001034.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001034.png 707.0912 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000352.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000352.png 721.5377 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000103.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000103.png 721.5377 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000250.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000250.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002981.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002981.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000648.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000648.png 718.856 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000371.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000371.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004338.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004338.png 718.856 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000291.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000291.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000083.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000083.png 721.5377 +2011_09_26/2011_09_26_drive_0005_sync/image_02/data/0000000089.png 2011_09_26_drive_0005_sync/proj_depth/groundtruth/image_02/0000000089.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003431.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003431.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003695.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003695.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003163.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003163.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001040.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001040.png 707.0912 +2011_09_29/2011_09_29_drive_0026_sync/image_02/data/0000000040.png 2011_09_29_drive_0026_sync/proj_depth/groundtruth/image_02/0000000040.png 718.3351 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003576.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003576.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000816.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000816.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000981.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000981.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000586.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000586.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001574.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001574.png 707.0912 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000042.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000042.png 721.5377 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000167.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000167.png 718.3351 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000903.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000903.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000286.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000286.png 718.856 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000252.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000252.png 721.5377 +2011_09_26/2011_09_26_drive_0035_sync/image_02/data/0000000062.png 2011_09_26_drive_0035_sync/proj_depth/groundtruth/image_02/0000000062.png 721.5377 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000078.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000078.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001727.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001727.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001243.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001243.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002529.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002529.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000988.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000988.png 718.856 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000178.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000178.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001225.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001225.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001418.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001418.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003431.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003431.png 707.0912 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000216.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000216.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000761.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000761.png 718.856 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000221.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000221.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002041.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002041.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000681.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000681.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002188.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002188.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003983.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003983.png 718.856 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000287.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000287.png 721.5377 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000136.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000136.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004154.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004154.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004038.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004038.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001047.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001047.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000090.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000090.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001088.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001088.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000721.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000721.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000600.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000600.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000543.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000543.png 718.856 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000662.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000662.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003522.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003522.png 707.0912 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000278.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000278.png 721.5377 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000229.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000229.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000776.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000776.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003373.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003373.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000426.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000426.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000693.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000693.png 718.856 +2011_09_26/2011_09_26_drive_0017_sync/image_02/data/0000000096.png 2011_09_26_drive_0017_sync/proj_depth/groundtruth/image_02/0000000096.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000105.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000105.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003958.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003958.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000256.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000256.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003954.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003954.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000106.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000106.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000001146.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000001146.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004672.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004672.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002148.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002148.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004412.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004412.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000369.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000369.png 718.856 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000073.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000073.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000720.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000720.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004204.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004204.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000451.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000451.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002567.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002567.png 718.856 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000213.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000213.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000618.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000618.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000384.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000384.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002788.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002788.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001087.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001087.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000152.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000152.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002797.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002797.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001774.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001774.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000569.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000569.png 721.5377 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000155.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000155.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000564.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000564.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002230.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002230.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002788.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002788.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003950.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003950.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000038.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000038.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004417.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004417.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000039.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000039.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001614.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001614.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001212.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001212.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000419.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000419.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003093.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003093.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000491.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000491.png 721.5377 +2011_09_26/2011_09_26_drive_0079_sync/image_02/data/0000000066.png 2011_09_26_drive_0079_sync/proj_depth/groundtruth/image_02/0000000066.png 721.5377 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000017.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000017.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001992.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001992.png 707.0912 +2011_09_26/2011_09_26_drive_0001_sync/image_02/data/0000000042.png 2011_09_26_drive_0001_sync/proj_depth/groundtruth/image_02/0000000042.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003888.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003888.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000624.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000624.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000861.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000861.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000099.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000099.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002359.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002359.png 707.0912 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000037.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000037.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000001038.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000001038.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001430.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001430.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000525.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000525.png 707.0912 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000283.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000283.png 721.5377 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000236.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000236.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004181.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004181.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002064.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002064.png 718.856 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000602.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000602.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001030.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001030.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000090.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000090.png 707.0912 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000175.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000175.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000867.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000867.png 707.0912 +2011_09_28/2011_09_28_drive_0001_sync/image_02/data/0000000042.png 2011_09_28_drive_0001_sync/proj_depth/groundtruth/image_02/0000000042.png 707.0493 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000411.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000411.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003406.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003406.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004641.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004641.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003894.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003894.png 718.856 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000046.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000046.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000381.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000381.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003360.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003360.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000474.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000474.png 718.856 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000195.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000195.png 718.3351 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002182.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002182.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002054.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002054.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003979.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003979.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002444.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002444.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000922.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000922.png 718.856 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000095.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000095.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000299.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000299.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000877.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000877.png 718.856 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000161.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000161.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000916.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000916.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000405.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000405.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000179.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000179.png 707.0912 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000343.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000343.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000979.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000979.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001290.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001290.png 707.0912 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000017.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000017.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000990.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000990.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000073.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000073.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000348.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000348.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000943.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000943.png 718.856 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000087.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000087.png 718.3351 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004788.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004788.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001458.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001458.png 707.0912 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000255.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000255.png 721.5377 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000070.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000070.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003391.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003391.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003739.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003739.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001236.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001236.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001565.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001565.png 718.856 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000283.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000283.png 721.5377 +2011_09_28/2011_09_28_drive_0001_sync/image_02/data/0000000062.png 2011_09_28_drive_0001_sync/proj_depth/groundtruth/image_02/0000000062.png 707.0493 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004742.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004742.png 707.0912 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000281.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000281.png 721.5377 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000169.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000169.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000416.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000416.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001274.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001274.png 707.0912 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000301.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000301.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000559.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000559.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000152.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000152.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001082.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001082.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003568.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003568.png 718.856 +2011_09_26/2011_09_26_drive_0005_sync/image_02/data/0000000030.png 2011_09_26_drive_0005_sync/proj_depth/groundtruth/image_02/0000000030.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000390.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000390.png 707.0912 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000206.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000206.png 721.5377 +2011_09_29/2011_09_29_drive_0026_sync/image_02/data/0000000116.png 2011_09_29_drive_0026_sync/proj_depth/groundtruth/image_02/0000000116.png 718.3351 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000302.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000302.png 718.856 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000023.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000023.png 721.5377 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000006.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000006.png 721.5377 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000152.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000152.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004323.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004323.png 718.856 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000333.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000333.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000241.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000241.png 707.0912 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000440.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000440.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000380.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000380.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000061.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000061.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004485.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004485.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000353.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000353.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001533.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001533.png 707.0912 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000033.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000033.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000225.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000225.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000001046.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000001046.png 718.856 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000165.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000165.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003715.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003715.png 718.856 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000071.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000071.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000550.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000550.png 721.5377 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000053.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000053.png 721.5377 +2011_09_26/2011_09_26_drive_0079_sync/image_02/data/0000000081.png 2011_09_26_drive_0079_sync/proj_depth/groundtruth/image_02/0000000081.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004572.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004572.png 707.0912 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000029.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000029.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001594.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001594.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004088.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004088.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000319.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000319.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000078.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000078.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002995.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002995.png 718.856 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000215.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000215.png 721.5377 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000058.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000058.png 721.5377 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000418.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000418.png 721.5377 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000050.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000050.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000020.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000020.png 721.5377 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000127.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000127.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000809.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000809.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002307.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002307.png 718.856 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000269.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000269.png 721.5377 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000234.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000234.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000101.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000101.png 707.0912 +2011_09_29/2011_09_29_drive_0026_sync/image_02/data/0000000144.png 2011_09_29_drive_0026_sync/proj_depth/groundtruth/image_02/0000000144.png 718.3351 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000268.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000268.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000871.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000871.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000449.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000449.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000041.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000041.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001613.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001613.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002311.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002311.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000193.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000193.png 718.856 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000189.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000189.png 721.5377 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000212.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000212.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001291.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001291.png 718.856 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000047.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000047.png 721.5377 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000239.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000239.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000204.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000204.png 707.0912 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000284.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000284.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001044.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001044.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003496.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003496.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004199.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004199.png 718.856 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000419.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000419.png 721.5377 +2011_09_26/2011_09_26_drive_0005_sync/image_02/data/0000000119.png 2011_09_26_drive_0005_sync/proj_depth/groundtruth/image_02/0000000119.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004202.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004202.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002405.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002405.png 718.856 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000117.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000117.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001021.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001021.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000649.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000649.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001661.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001661.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002663.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002663.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000009.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000009.png 721.5377 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000165.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000165.png 718.3351 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000179.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000179.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001257.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001257.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000389.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000389.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004488.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004488.png 718.856 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000006.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000006.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000475.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000475.png 718.856 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000077.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000077.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000169.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000169.png 721.5377 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000200.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000200.png 721.5377 +2011_09_26/2011_09_26_drive_0005_sync/image_02/data/0000000106.png 2011_09_26_drive_0005_sync/proj_depth/groundtruth/image_02/0000000106.png 721.5377 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000185.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000185.png 718.3351 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001538.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001538.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002438.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002438.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000549.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000549.png 707.0912 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000185.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000185.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000151.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000151.png 718.856 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000262.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000262.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001088.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001088.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000756.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000756.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000537.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000537.png 721.5377 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000240.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000240.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000142.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000142.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000170.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000170.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000923.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000923.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000256.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000256.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001675.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001675.png 718.856 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000047.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000047.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000125.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000125.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000309.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000309.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001414.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001414.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004123.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004123.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003614.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003614.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003774.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003774.png 718.856 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000287.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000287.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000084.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000084.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000774.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000774.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001153.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001153.png 707.0912 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000135.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000135.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001203.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001203.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000670.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000670.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003577.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003577.png 718.856 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000149.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000149.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003878.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003878.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000223.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000223.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004839.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004839.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000001020.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000001020.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000137.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000137.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000318.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000318.png 721.5377 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000296.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000296.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000772.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000772.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001937.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001937.png 718.856 +2011_09_29/2011_09_29_drive_0026_sync/image_02/data/0000000048.png 2011_09_29_drive_0026_sync/proj_depth/groundtruth/image_02/0000000048.png 718.3351 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004756.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004756.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004090.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004090.png 707.0912 +2011_09_26/2011_09_26_drive_0017_sync/image_02/data/0000000066.png 2011_09_26_drive_0017_sync/proj_depth/groundtruth/image_02/0000000066.png 721.5377 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000381.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000381.png 721.5377 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000086.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000086.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000457.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000457.png 707.0912 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000232.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000232.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000026.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000026.png 718.856 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000194.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000194.png 721.5377 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000314.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000314.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000573.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000573.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002903.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002903.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000783.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000783.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002906.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002906.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001391.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001391.png 707.0912 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000404.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000404.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004288.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004288.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000346.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000346.png 721.5377 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000016.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000016.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000612.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000612.png 718.856 +2011_09_26/2011_09_26_drive_0035_sync/image_02/data/0000000106.png 2011_09_26_drive_0035_sync/proj_depth/groundtruth/image_02/0000000106.png 721.5377 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000067.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000067.png 721.5377 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000173.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000173.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003900.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003900.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002417.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002417.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001016.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001016.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001439.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001439.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001557.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001557.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000677.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000677.png 707.0912 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000151.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000151.png 718.3351 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002102.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002102.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002707.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002707.png 718.856 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000225.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000225.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000605.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000605.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000056.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000056.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001236.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001236.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000899.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000899.png 707.0912 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000079.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000079.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003789.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003789.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002957.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002957.png 707.0912 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000029.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000029.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004480.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004480.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000583.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000583.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003665.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003665.png 707.0912 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000155.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000155.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000808.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000808.png 718.856 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000187.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000187.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001054.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001054.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000041.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000041.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000873.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000873.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004957.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004957.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000967.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000967.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001208.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001208.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002602.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002602.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001656.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001656.png 718.856 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000226.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000226.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000942.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000942.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000944.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000944.png 718.856 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000008.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000008.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003228.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003228.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000675.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000675.png 707.0912 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000151.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000151.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000315.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000315.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000335.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000335.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000159.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000159.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001441.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001441.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000468.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000468.png 707.0912 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000059.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000059.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004344.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004344.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001702.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001702.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000005010.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000005010.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004253.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004253.png 718.856 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000038.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000038.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001183.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001183.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000635.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000635.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000111.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000111.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002483.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002483.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004195.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004195.png 707.0912 +2011_09_26/2011_09_26_drive_0017_sync/image_02/data/0000000040.png 2011_09_26_drive_0017_sync/proj_depth/groundtruth/image_02/0000000040.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000138.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000138.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000846.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000846.png 718.856 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000062.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000062.png 721.5377 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000158.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000158.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004478.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004478.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001451.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001451.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001152.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001152.png 707.0912 +2011_09_26/2011_09_26_drive_0035_sync/image_02/data/0000000096.png 2011_09_26_drive_0035_sync/proj_depth/groundtruth/image_02/0000000096.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004468.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004468.png 718.856 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000294.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000294.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002828.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002828.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002349.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002349.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000202.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000202.png 707.0912 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000157.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000157.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004342.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004342.png 718.856 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000016.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000016.png 718.3351 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000217.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000217.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000529.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000529.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000710.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000710.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001374.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001374.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000053.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000053.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003031.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003031.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000642.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000642.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003691.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003691.png 707.0912 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000186.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000186.png 721.5377 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000170.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000170.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004373.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004373.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000178.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000178.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001150.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001150.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004546.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004546.png 718.856 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000240.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000240.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003068.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003068.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001910.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001910.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000802.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000802.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002093.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002093.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000053.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000053.png 707.0912 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000368.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000368.png 721.5377 +2011_09_26/2011_09_26_drive_0060_sync/image_02/data/0000000044.png 2011_09_26_drive_0060_sync/proj_depth/groundtruth/image_02/0000000044.png 721.5377 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000280.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000280.png 718.3351 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000405.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000405.png 721.5377 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000177.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000177.png 718.3351 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000279.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000279.png 721.5377 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000087.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000087.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000262.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000262.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002048.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002048.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002399.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002399.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003596.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003596.png 707.0912 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000063.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000063.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001243.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001243.png 707.0912 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000061.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000061.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000166.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000166.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002814.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002814.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002882.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002882.png 707.0912 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000316.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000316.png 718.3351 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003784.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003784.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000177.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000177.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000487.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000487.png 721.5377 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000213.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000213.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001791.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001791.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000784.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000784.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002666.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002666.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000339.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000339.png 721.5377 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000395.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000395.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001036.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001036.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001354.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001354.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002184.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002184.png 718.856 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000151.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000151.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003966.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003966.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004780.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004780.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000049.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000049.png 718.856 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000242.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000242.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000018.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000018.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002627.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002627.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004730.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004730.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000512.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000512.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000005070.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000005070.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004625.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004625.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000035.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000035.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000383.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000383.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003189.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003189.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003353.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003353.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003643.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003643.png 707.0912 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000131.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000131.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004460.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004460.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001708.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001708.png 718.856 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000020.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000020.png 721.5377 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000291.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000291.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004789.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004789.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000656.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000656.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003996.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003996.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000760.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000760.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003822.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003822.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003549.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003549.png 718.856 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000258.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000258.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000005.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000005.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000490.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000490.png 707.0912 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000309.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000309.png 721.5377 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000043.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000043.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003446.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003446.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000988.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000988.png 707.0912 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000154.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000154.png 721.5377 +2011_09_26/2011_09_26_drive_0035_sync/image_02/data/0000000023.png 2011_09_26_drive_0035_sync/proj_depth/groundtruth/image_02/0000000023.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001339.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001339.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002905.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002905.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000399.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000399.png 707.0912 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000332.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000332.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002918.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002918.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000657.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000657.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000012.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000012.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000450.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000450.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001467.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001467.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001002.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001002.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000769.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000769.png 718.856 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000136.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000136.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003843.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003843.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001439.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001439.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001443.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001443.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000436.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000436.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003890.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003890.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000700.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000700.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003148.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003148.png 718.856 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000511.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000511.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000965.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000965.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002481.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002481.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001947.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001947.png 718.856 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000404.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000404.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000935.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000935.png 707.0912 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000085.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000085.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001273.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001273.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001198.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001198.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003798.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003798.png 718.856 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000600.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000600.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000164.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000164.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003807.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003807.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000479.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000479.png 707.0912 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000103.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000103.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000071.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000071.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000495.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000495.png 721.5377 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000207.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000207.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004823.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004823.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001859.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001859.png 718.856 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000736.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000736.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000068.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000068.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000593.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000593.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002725.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002725.png 718.856 +2011_09_29/2011_09_29_drive_0026_sync/image_02/data/0000000135.png 2011_09_29_drive_0026_sync/proj_depth/groundtruth/image_02/0000000135.png 718.3351 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000172.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000172.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000392.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000392.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001578.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001578.png 718.856 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000215.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000215.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002433.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002433.png 718.856 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000126.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000126.png 721.5377 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000093.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000093.png 721.5377 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000199.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000199.png 721.5377 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000176.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000176.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000531.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000531.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000141.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000141.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001492.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001492.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001259.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001259.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004168.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004168.png 718.856 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000047.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000047.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000192.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000192.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003217.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003217.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000033.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000033.png 707.0912 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000066.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000066.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001169.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001169.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004807.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004807.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002235.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002235.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000175.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000175.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003940.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003940.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000720.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000720.png 707.0912 +2011_09_29/2011_09_29_drive_0026_sync/image_02/data/0000000131.png 2011_09_29_drive_0026_sync/proj_depth/groundtruth/image_02/0000000131.png 718.3351 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001004.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001004.png 718.856 +2011_09_26/2011_09_26_drive_0001_sync/image_02/data/0000000080.png 2011_09_26_drive_0001_sync/proj_depth/groundtruth/image_02/0000000080.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001421.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001421.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001870.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001870.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000437.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000437.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000884.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000884.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002870.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002870.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000777.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000777.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001980.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001980.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000384.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000384.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000938.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000938.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000686.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000686.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000133.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000133.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001595.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001595.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003388.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003388.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003324.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003324.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004631.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004631.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002510.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002510.png 707.0912 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000289.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000289.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004020.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004020.png 707.0912 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000198.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000198.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003764.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003764.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000001038.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000001038.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000842.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000842.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000836.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000836.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000634.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000634.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004220.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004220.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003256.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003256.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002946.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002946.png 718.856 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000285.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000285.png 718.3351 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002339.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002339.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000489.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000489.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000997.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000997.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003153.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003153.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000776.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000776.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002774.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002774.png 718.856 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000245.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000245.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000082.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000082.png 721.5377 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000246.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000246.png 718.3351 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002875.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002875.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000080.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000080.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000536.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000536.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000518.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000518.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000595.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000595.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003877.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003877.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001287.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001287.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003601.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003601.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004102.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004102.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002809.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002809.png 707.0912 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000228.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000228.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000029.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000029.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000185.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000185.png 718.856 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000663.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000663.png 721.5377 +2011_09_28/2011_09_28_drive_0001_sync/image_02/data/0000000022.png 2011_09_28_drive_0001_sync/proj_depth/groundtruth/image_02/0000000022.png 707.0493 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000076.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000076.png 721.5377 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000307.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000307.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000606.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000606.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001660.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001660.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002459.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002459.png 707.0912 +2011_09_26/2011_09_26_drive_0035_sync/image_02/data/0000000037.png 2011_09_26_drive_0035_sync/proj_depth/groundtruth/image_02/0000000037.png 721.5377 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000189.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000189.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000645.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000645.png 718.856 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000103.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000103.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003055.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003055.png 718.856 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000211.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000211.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002942.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002942.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000736.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000736.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000905.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000905.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001371.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001371.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000598.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000598.png 721.5377 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000034.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000034.png 721.5377 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000192.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000192.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004185.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004185.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001361.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001361.png 707.0912 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000024.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000024.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002948.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002948.png 718.856 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000370.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000370.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000591.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000591.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002492.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002492.png 707.0912 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000047.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000047.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000361.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000361.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001510.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001510.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000476.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000476.png 721.5377 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000331.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000331.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001969.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001969.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004242.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004242.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003179.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003179.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000450.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000450.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000978.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000978.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000073.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000073.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000447.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000447.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001390.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001390.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000988.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000988.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004410.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004410.png 718.856 +2011_09_26/2011_09_26_drive_0079_sync/image_02/data/0000000051.png 2011_09_26_drive_0079_sync/proj_depth/groundtruth/image_02/0000000051.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002638.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002638.png 707.0912 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000077.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000077.png 721.5377 +2011_09_26/2011_09_26_drive_0005_sync/image_02/data/0000000060.png 2011_09_26_drive_0005_sync/proj_depth/groundtruth/image_02/0000000060.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003849.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003849.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001633.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001633.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000723.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000723.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000935.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000935.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002901.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002901.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000283.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000283.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001403.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001403.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003655.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003655.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001133.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001133.png 707.0912 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000288.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000288.png 721.5377 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000272.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000272.png 721.5377 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000088.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000088.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001251.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001251.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000332.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000332.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003098.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003098.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004186.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004186.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001939.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001939.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001957.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001957.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004431.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004431.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000566.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000566.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000460.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000460.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003047.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003047.png 707.0912 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000114.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000114.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004622.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004622.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002205.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002205.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002405.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002405.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000044.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000044.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000483.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000483.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000284.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000284.png 707.0912 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000118.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000118.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000738.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000738.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000901.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000901.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000906.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000906.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002871.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002871.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002383.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002383.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000725.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000725.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001744.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001744.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001375.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001375.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002554.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002554.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004955.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004955.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003834.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003834.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001141.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001141.png 707.0912 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000129.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000129.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002768.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002768.png 718.856 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000197.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000197.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004551.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004551.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000557.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000557.png 718.856 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000327.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000327.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000207.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000207.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002558.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002558.png 707.0912 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000344.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000344.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001019.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001019.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000659.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000659.png 718.856 +2011_09_26/2011_09_26_drive_0005_sync/image_02/data/0000000145.png 2011_09_26_drive_0005_sync/proj_depth/groundtruth/image_02/0000000145.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002640.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002640.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002083.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002083.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004848.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004848.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000893.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000893.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000001088.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000001088.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002948.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002948.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001754.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001754.png 707.0912 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000213.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000213.png 721.5377 +2011_09_26/2011_09_26_drive_0113_sync/image_02/data/0000000035.png 2011_09_26_drive_0113_sync/proj_depth/groundtruth/image_02/0000000035.png 721.5377 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000191.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000191.png 721.5377 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000335.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000335.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000220.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000220.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001244.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001244.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000444.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000444.png 718.856 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000328.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000328.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000194.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000194.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003866.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003866.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003128.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003128.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000187.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000187.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000748.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000748.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001415.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001415.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000057.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000057.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003120.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003120.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001370.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001370.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000279.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000279.png 718.856 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000291.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000291.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004016.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004016.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001449.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001449.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000469.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000469.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001078.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001078.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002088.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002088.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002569.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002569.png 718.856 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000226.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000226.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000653.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000653.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000017.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000017.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000660.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000660.png 707.0912 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000193.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000193.png 721.5377 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000362.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000362.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000664.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000664.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000512.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000512.png 707.0912 +2011_09_26/2011_09_26_drive_0017_sync/image_02/data/0000000094.png 2011_09_26_drive_0017_sync/proj_depth/groundtruth/image_02/0000000094.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004411.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004411.png 718.856 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000126.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000126.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002289.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002289.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003626.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003626.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000197.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000197.png 707.0912 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000165.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000165.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000567.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000567.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000339.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000339.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000005077.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000005077.png 707.0912 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000114.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000114.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000041.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000041.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003498.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003498.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003676.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003676.png 707.0912 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000057.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000057.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004484.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004484.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000963.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000963.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000908.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000908.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000401.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000401.png 718.856 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000282.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000282.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002389.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002389.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000819.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000819.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002805.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002805.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002671.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002671.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002273.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002273.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001385.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001385.png 718.856 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000610.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000610.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000123.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000123.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001546.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001546.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000836.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000836.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000756.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000756.png 707.0912 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000164.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000164.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000552.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000552.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000586.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000586.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004425.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004425.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003024.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003024.png 718.856 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000392.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000392.png 721.5377 +2011_09_29/2011_09_29_drive_0026_sync/image_02/data/0000000061.png 2011_09_29_drive_0026_sync/proj_depth/groundtruth/image_02/0000000061.png 718.3351 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000508.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000508.png 721.5377 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000025.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000025.png 721.5377 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000177.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000177.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001057.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001057.png 718.856 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000707.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000707.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000576.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000576.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003983.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003983.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000787.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000787.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000605.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000605.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002989.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002989.png 718.856 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000155.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000155.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003474.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003474.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004212.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004212.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000807.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000807.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000195.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000195.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000373.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000373.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004785.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004785.png 707.0912 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000077.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000077.png 721.5377 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000163.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000163.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000696.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000696.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000001028.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000001028.png 718.856 +2011_09_26/2011_09_26_drive_0035_sync/image_02/data/0000000120.png 2011_09_26_drive_0035_sync/proj_depth/groundtruth/image_02/0000000120.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000932.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000932.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001115.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001115.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004008.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004008.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000432.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000432.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004483.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004483.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003945.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003945.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000536.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000536.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000711.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000711.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002059.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002059.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004352.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004352.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004945.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004945.png 707.0912 +2011_09_29/2011_09_29_drive_0026_sync/image_02/data/0000000084.png 2011_09_29_drive_0026_sync/proj_depth/groundtruth/image_02/0000000084.png 718.3351 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000398.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000398.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002191.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002191.png 718.856 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000255.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000255.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000387.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000387.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003997.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003997.png 718.856 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000718.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000718.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001806.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001806.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001836.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001836.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000928.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000928.png 707.0912 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000239.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000239.png 721.5377 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000270.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000270.png 721.5377 +2011_09_26/2011_09_26_drive_0001_sync/image_02/data/0000000098.png 2011_09_26_drive_0001_sync/proj_depth/groundtruth/image_02/0000000098.png 721.5377 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000209.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000209.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000588.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000588.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001376.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001376.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001267.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001267.png 707.0912 +2011_09_28/2011_09_28_drive_0001_sync/image_02/data/0000000007.png 2011_09_28_drive_0001_sync/proj_depth/groundtruth/image_02/0000000007.png 707.0493 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001543.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001543.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001353.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001353.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001718.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001718.png 707.0912 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000207.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000207.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003343.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003343.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000804.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000804.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000405.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000405.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001876.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001876.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003931.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003931.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000088.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000088.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001860.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001860.png 707.0912 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000022.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000022.png 721.5377 +2011_09_26/2011_09_26_drive_0035_sync/image_02/data/0000000047.png 2011_09_26_drive_0035_sync/proj_depth/groundtruth/image_02/0000000047.png 721.5377 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000239.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000239.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000430.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000430.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000158.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000158.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000614.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000614.png 718.856 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000611.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000611.png 721.5377 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000063.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000063.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003570.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003570.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001422.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001422.png 718.856 +2011_09_26/2011_09_26_drive_0001_sync/image_02/data/0000000053.png 2011_09_26_drive_0001_sync/proj_depth/groundtruth/image_02/0000000053.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001867.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001867.png 718.856 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000393.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000393.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000365.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000365.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000001090.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000001090.png 718.856 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000141.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000141.png 721.5377 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000275.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000275.png 718.3351 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000246.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000246.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003747.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003747.png 707.0912 +2011_09_26/2011_09_26_drive_0035_sync/image_02/data/0000000069.png 2011_09_26_drive_0035_sync/proj_depth/groundtruth/image_02/0000000069.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000571.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000571.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000460.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000460.png 707.0912 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000209.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000209.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001175.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001175.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003251.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003251.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000409.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000409.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000297.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000297.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000260.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000260.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003286.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003286.png 707.0912 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000145.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000145.png 718.3351 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000037.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000037.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000647.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000647.png 707.0912 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000037.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000037.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001013.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001013.png 707.0912 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000013.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000013.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003832.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003832.png 718.856 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000707.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000707.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000355.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000355.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000491.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000491.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004939.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004939.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001851.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001851.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001035.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001035.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002048.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002048.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004744.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004744.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000676.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000676.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004050.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004050.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003995.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003995.png 707.0912 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000235.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000235.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000536.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000536.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000514.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000514.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001208.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001208.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002821.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002821.png 718.856 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000192.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000192.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002566.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002566.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001581.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001581.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002695.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002695.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002235.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002235.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001091.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001091.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003578.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003578.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002569.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002569.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000538.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000538.png 707.0912 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000312.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000312.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000098.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000098.png 707.0912 +2011_09_29/2011_09_29_drive_0026_sync/image_02/data/0000000024.png 2011_09_29_drive_0026_sync/proj_depth/groundtruth/image_02/0000000024.png 718.3351 +2011_09_26/2011_09_26_drive_0060_sync/image_02/data/0000000039.png 2011_09_26_drive_0060_sync/proj_depth/groundtruth/image_02/0000000039.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001832.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001832.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001277.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001277.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000628.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000628.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001453.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001453.png 718.856 +2011_09_26/2011_09_26_drive_0079_sync/image_02/data/0000000032.png 2011_09_26_drive_0079_sync/proj_depth/groundtruth/image_02/0000000032.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001242.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001242.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000117.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000117.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001974.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001974.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004325.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004325.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002044.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002044.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004290.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004290.png 718.856 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000312.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000312.png 721.5377 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000201.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000201.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000087.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000087.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000977.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000977.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000110.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000110.png 721.5377 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000216.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000216.png 721.5377 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000149.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000149.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003710.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003710.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002809.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002809.png 718.856 +2011_09_26/2011_09_26_drive_0005_sync/image_02/data/0000000051.png 2011_09_26_drive_0005_sync/proj_depth/groundtruth/image_02/0000000051.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002650.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002650.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004213.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004213.png 707.0912 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000131.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000131.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001480.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001480.png 707.0912 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000058.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000058.png 721.5377 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000147.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000147.png 718.3351 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001996.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001996.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004638.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004638.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003221.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003221.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003965.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003965.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001975.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001975.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000552.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000552.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003499.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003499.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001468.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001468.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000553.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000553.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000041.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000041.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002760.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002760.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000693.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000693.png 718.856 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000265.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000265.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002504.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002504.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000898.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000898.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004184.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004184.png 707.0912 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000201.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000201.png 718.3351 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000588.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000588.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000785.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000785.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002860.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002860.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000287.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000287.png 718.856 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000069.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000069.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000366.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000366.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004135.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004135.png 707.0912 +2011_09_26/2011_09_26_drive_0079_sync/image_02/data/0000000027.png 2011_09_26_drive_0079_sync/proj_depth/groundtruth/image_02/0000000027.png 721.5377 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000251.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000251.png 718.3351 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000158.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000158.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000399.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000399.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001111.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001111.png 707.0912 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000151.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000151.png 721.5377 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000218.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000218.png 721.5377 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000219.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000219.png 721.5377 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000333.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000333.png 721.5377 +2011_09_26/2011_09_26_drive_0017_sync/image_02/data/0000000085.png 2011_09_26_drive_0017_sync/proj_depth/groundtruth/image_02/0000000085.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000261.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000261.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000054.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000054.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002792.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002792.png 718.856 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000141.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000141.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001994.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001994.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004541.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004541.png 718.856 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000327.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000327.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001343.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001343.png 707.0912 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000349.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000349.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000188.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000188.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000006.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000006.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000512.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000512.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003129.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003129.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000798.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000798.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000301.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000301.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001172.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001172.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003948.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003948.png 718.856 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000442.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000442.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000309.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000309.png 707.0912 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000118.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000118.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000864.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000864.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000073.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000073.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001778.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001778.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000790.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000790.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000915.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000915.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000743.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000743.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004701.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004701.png 707.0912 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000286.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000286.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000767.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000767.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000792.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000792.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000864.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000864.png 707.0912 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000227.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000227.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000001082.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000001082.png 718.856 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000172.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000172.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001486.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001486.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000338.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000338.png 707.0912 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000209.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000209.png 721.5377 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000287.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000287.png 721.5377 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000249.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000249.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000280.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000280.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003322.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003322.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000058.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000058.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000812.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000812.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000590.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000590.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001216.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001216.png 707.0912 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000061.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000061.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002567.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002567.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000188.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000188.png 718.856 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000039.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000039.png 718.3351 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000027.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000027.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000471.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000471.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003167.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003167.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001014.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001014.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000283.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000283.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003416.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003416.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001254.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001254.png 718.856 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000205.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000205.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000771.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000771.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001823.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001823.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001426.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001426.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000928.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000928.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003255.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003255.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000358.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000358.png 707.0912 +2011_09_26/2011_09_26_drive_0035_sync/image_02/data/0000000070.png 2011_09_26_drive_0035_sync/proj_depth/groundtruth/image_02/0000000070.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000430.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000430.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003847.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003847.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002224.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002224.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004384.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004384.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000986.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000986.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000191.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000191.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000001136.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000001136.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002112.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002112.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000592.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000592.png 707.0912 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000012.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000012.png 718.3351 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001521.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001521.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004040.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004040.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001339.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001339.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002413.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002413.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000705.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000705.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002338.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002338.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000479.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000479.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004958.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004958.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002318.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002318.png 718.856 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000364.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000364.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000237.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000237.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004221.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004221.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003756.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003756.png 718.856 +2011_09_26/2011_09_26_drive_0017_sync/image_02/data/0000000035.png 2011_09_26_drive_0017_sync/proj_depth/groundtruth/image_02/0000000035.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001978.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001978.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000337.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000337.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000820.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000820.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001087.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001087.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000690.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000690.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003338.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003338.png 707.0912 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000028.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000028.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002556.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002556.png 718.856 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000064.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000064.png 721.5377 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000061.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000061.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000196.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000196.png 718.856 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000340.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000340.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001475.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001475.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000513.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000513.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001596.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001596.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000681.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000681.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000296.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000296.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004001.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004001.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004081.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004081.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002704.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002704.png 707.0912 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000284.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000284.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000987.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000987.png 718.856 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000377.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000377.png 721.5377 +2011_09_26/2011_09_26_drive_0079_sync/image_02/data/0000000084.png 2011_09_26_drive_0079_sync/proj_depth/groundtruth/image_02/0000000084.png 721.5377 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000030.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000030.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004211.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004211.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003175.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003175.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000522.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000522.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000923.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000923.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000038.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000038.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000505.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000505.png 718.856 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000211.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000211.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000331.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000331.png 707.0912 +2011_09_26/2011_09_26_drive_0060_sync/image_02/data/0000000007.png 2011_09_26_drive_0060_sync/proj_depth/groundtruth/image_02/0000000007.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000462.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000462.png 707.0912 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000089.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000089.png 721.5377 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000218.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000218.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000759.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000759.png 707.0912 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000136.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000136.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002326.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002326.png 707.0912 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000184.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000184.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000085.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000085.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003767.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003767.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001784.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001784.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000415.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000415.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001035.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001035.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003102.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003102.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002607.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002607.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001135.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001135.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002859.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002859.png 707.0912 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000161.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000161.png 721.5377 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000155.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000155.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000882.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000882.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003824.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003824.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002409.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002409.png 718.856 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000166.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000166.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000433.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000433.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003279.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003279.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004588.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004588.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002028.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002028.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000001012.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000001012.png 707.0912 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000037.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000037.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001204.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001204.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000615.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000615.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000655.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000655.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001776.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001776.png 707.0912 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000253.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000253.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003770.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003770.png 707.0912 +2011_09_26/2011_09_26_drive_0079_sync/image_02/data/0000000060.png 2011_09_26_drive_0079_sync/proj_depth/groundtruth/image_02/0000000060.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003019.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003019.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004159.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004159.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000240.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000240.png 721.5377 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000046.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000046.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003538.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003538.png 707.0912 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000033.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000033.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001391.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001391.png 718.856 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000681.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000681.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002541.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002541.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001014.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001014.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001553.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001553.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004208.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004208.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003291.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003291.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002035.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002035.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002424.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002424.png 718.856 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000298.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000298.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002585.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002585.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000609.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000609.png 718.856 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000269.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000269.png 721.5377 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000100.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000100.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000445.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000445.png 721.5377 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000204.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000204.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000539.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000539.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003854.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003854.png 718.856 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000257.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000257.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003470.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003470.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001818.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001818.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000285.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000285.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000242.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000242.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001690.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001690.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000297.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000297.png 707.0912 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000081.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000081.png 721.5377 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000011.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000011.png 721.5377 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000048.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000048.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000086.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000086.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003412.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003412.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000005034.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000005034.png 707.0912 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000081.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000081.png 721.5377 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000279.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000279.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000532.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000532.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000842.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000842.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003013.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003013.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000591.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000591.png 707.0912 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000257.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000257.png 721.5377 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000333.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000333.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003535.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003535.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001479.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001479.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001807.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001807.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002834.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002834.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003206.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003206.png 707.0912 +2011_09_26/2011_09_26_drive_0005_sync/image_02/data/0000000049.png 2011_09_26_drive_0005_sync/proj_depth/groundtruth/image_02/0000000049.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000839.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000839.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001234.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001234.png 707.0912 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000214.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000214.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000303.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000303.png 721.5377 +2011_09_29/2011_09_29_drive_0026_sync/image_02/data/0000000133.png 2011_09_29_drive_0026_sync/proj_depth/groundtruth/image_02/0000000133.png 718.3351 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003896.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003896.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000162.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000162.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001127.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001127.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001383.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001383.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001617.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001617.png 718.856 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000034.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000034.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000481.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000481.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003135.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003135.png 707.0912 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000382.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000382.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002739.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002739.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001205.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001205.png 707.0912 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000037.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000037.png 721.5377 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000264.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000264.png 721.5377 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000064.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000064.png 721.5377 +2011_09_26/2011_09_26_drive_0017_sync/image_02/data/0000000086.png 2011_09_26_drive_0017_sync/proj_depth/groundtruth/image_02/0000000086.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001380.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001380.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000762.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000762.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004358.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004358.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001383.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001383.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003340.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003340.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000400.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000400.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000714.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000714.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004095.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004095.png 718.856 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000227.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000227.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002008.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002008.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004709.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004709.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000443.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000443.png 721.5377 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000038.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000038.png 721.5377 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000149.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000149.png 721.5377 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000178.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000178.png 721.5377 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000143.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000143.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004249.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004249.png 718.856 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000156.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000156.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002395.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002395.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000006.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000006.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001537.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001537.png 707.0912 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000107.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000107.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000448.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000448.png 707.0912 +2011_09_26/2011_09_26_drive_0079_sync/image_02/data/0000000053.png 2011_09_26_drive_0079_sync/proj_depth/groundtruth/image_02/0000000053.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000244.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000244.png 721.5377 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000115.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000115.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000508.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000508.png 718.856 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000212.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000212.png 721.5377 +2011_09_26/2011_09_26_drive_0005_sync/image_02/data/0000000032.png 2011_09_26_drive_0005_sync/proj_depth/groundtruth/image_02/0000000032.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002163.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002163.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002042.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002042.png 707.0912 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000240.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000240.png 718.3351 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000310.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000310.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003035.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003035.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004401.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004401.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003478.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003478.png 718.856 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000117.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000117.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000265.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000265.png 707.0912 +2011_09_26/2011_09_26_drive_0035_sync/image_02/data/0000000123.png 2011_09_26_drive_0035_sync/proj_depth/groundtruth/image_02/0000000123.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004753.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004753.png 707.0912 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000247.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000247.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000001094.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000001094.png 707.0912 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000298.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000298.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000563.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000563.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000203.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000203.png 718.856 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000214.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000214.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000049.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000049.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003525.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003525.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001322.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001322.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000732.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000732.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000094.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000094.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000855.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000855.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000655.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000655.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000049.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000049.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002923.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002923.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000473.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000473.png 718.856 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000034.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000034.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002089.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002089.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000005116.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000005116.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000191.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000191.png 707.0912 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000030.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000030.png 718.3351 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001120.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001120.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000144.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000144.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002080.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002080.png 718.856 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000237.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000237.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000728.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000728.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000060.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000060.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002223.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002223.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001887.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001887.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004537.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004537.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001521.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001521.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002660.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002660.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000454.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000454.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003212.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003212.png 707.0912 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000245.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000245.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000978.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000978.png 707.0912 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000205.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000205.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004007.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004007.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000704.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000704.png 707.0912 +2011_09_26/2011_09_26_drive_0113_sync/image_02/data/0000000014.png 2011_09_26_drive_0113_sync/proj_depth/groundtruth/image_02/0000000014.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003194.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003194.png 718.856 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000067.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000067.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000420.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000420.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000416.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000416.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003173.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003173.png 718.856 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000325.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000325.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002663.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002663.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000903.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000903.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000328.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000328.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000103.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000103.png 721.5377 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000010.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000010.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002637.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002637.png 718.856 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000031.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000031.png 721.5377 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000144.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000144.png 718.3351 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004255.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004255.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001330.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001330.png 718.856 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000244.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000244.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001350.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001350.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001477.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001477.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001640.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001640.png 718.856 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000326.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000326.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002770.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002770.png 707.0912 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000217.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000217.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003985.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003985.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000837.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000837.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003933.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003933.png 718.856 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000333.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000333.png 718.3351 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000508.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000508.png 707.0912 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000192.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000192.png 718.3351 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000494.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000494.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000005062.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000005062.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000253.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000253.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000920.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000920.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003752.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003752.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002422.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002422.png 707.0912 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000163.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000163.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000058.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000058.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001718.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001718.png 718.856 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000203.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000203.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000001064.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000001064.png 707.0912 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000359.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000359.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000743.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000743.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001563.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001563.png 718.856 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000278.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000278.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001532.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001532.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000311.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000311.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000612.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000612.png 721.5377 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000369.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000369.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000531.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000531.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004362.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004362.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002633.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002633.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000585.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000585.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000515.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000515.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001783.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001783.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003018.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003018.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003891.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003891.png 707.0912 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000193.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000193.png 721.5377 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000142.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000142.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000448.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000448.png 721.5377 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000238.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000238.png 721.5377 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000033.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000033.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002347.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002347.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003626.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003626.png 707.0912 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000339.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000339.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000960.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000960.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000523.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000523.png 718.856 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000072.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000072.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001573.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001573.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000005102.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000005102.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002028.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002028.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000001048.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000001048.png 718.856 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000386.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000386.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004486.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004486.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000104.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000104.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001881.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001881.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004228.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004228.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001018.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001018.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001089.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001089.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003729.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003729.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001191.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001191.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003386.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003386.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000351.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000351.png 718.856 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000188.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000188.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000954.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000954.png 718.856 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000092.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000092.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004710.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004710.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000072.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000072.png 718.856 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000690.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000690.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000487.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000487.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001130.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001130.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000116.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000116.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000198.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000198.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004829.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004829.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000624.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000624.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000550.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000550.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001294.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001294.png 707.0912 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000342.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000342.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000821.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000821.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003195.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003195.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001449.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001449.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000396.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000396.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000114.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000114.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000700.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000700.png 718.856 +2011_09_26/2011_09_26_drive_0001_sync/image_02/data/0000000083.png 2011_09_26_drive_0001_sync/proj_depth/groundtruth/image_02/0000000083.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000628.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000628.png 707.0912 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000070.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000070.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002722.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002722.png 707.0912 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000125.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000125.png 721.5377 +2011_09_26/2011_09_26_drive_0079_sync/image_02/data/0000000093.png 2011_09_26_drive_0079_sync/proj_depth/groundtruth/image_02/0000000093.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003917.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003917.png 707.0912 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000218.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000218.png 718.3351 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000357.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000357.png 707.0912 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000314.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000314.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000638.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000638.png 707.0912 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000183.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000183.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000035.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000035.png 718.856 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000088.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000088.png 718.3351 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001705.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001705.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002214.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002214.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001208.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001208.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000193.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000193.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000773.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000773.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000380.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000380.png 707.0912 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000131.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000131.png 721.5377 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000238.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000238.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004247.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004247.png 707.0912 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000024.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000024.png 721.5377 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000048.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000048.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001927.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001927.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002995.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002995.png 707.0912 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000347.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000347.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003765.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003765.png 707.0912 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000227.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000227.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000534.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000534.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004270.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004270.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002634.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002634.png 718.856 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000212.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000212.png 721.5377 +2011_09_28/2011_09_28_drive_0001_sync/image_02/data/0000000068.png 2011_09_28_drive_0001_sync/proj_depth/groundtruth/image_02/0000000068.png 707.0493 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001732.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001732.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002213.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002213.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001387.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001387.png 707.0912 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000132.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000132.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003413.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003413.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001484.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001484.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000826.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000826.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001033.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001033.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000122.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000122.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003529.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003529.png 707.0912 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000084.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000084.png 721.5377 +2011_09_26/2011_09_26_drive_0017_sync/image_02/data/0000000050.png 2011_09_26_drive_0017_sync/proj_depth/groundtruth/image_02/0000000050.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003393.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003393.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000848.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000848.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001049.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001049.png 718.856 +2011_09_26/2011_09_26_drive_0005_sync/image_02/data/0000000055.png 2011_09_26_drive_0005_sync/proj_depth/groundtruth/image_02/0000000055.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002662.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002662.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004441.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004441.png 718.856 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000608.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000608.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001084.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001084.png 707.0912 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000305.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000305.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000001092.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000001092.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001489.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001489.png 718.856 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000130.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000130.png 721.5377 +2011_09_28/2011_09_28_drive_0001_sync/image_02/data/0000000064.png 2011_09_28_drive_0001_sync/proj_depth/groundtruth/image_02/0000000064.png 707.0493 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004533.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004533.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003234.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003234.png 718.856 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000114.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000114.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001471.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001471.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000888.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000888.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000661.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000661.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000376.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000376.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004723.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004723.png 707.0912 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000062.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000062.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000469.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000469.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000607.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000607.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000572.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000572.png 707.0912 +2011_09_26/2011_09_26_drive_0005_sync/image_02/data/0000000116.png 2011_09_26_drive_0005_sync/proj_depth/groundtruth/image_02/0000000116.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002021.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002021.png 707.0912 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000391.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000391.png 721.5377 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000038.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000038.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000828.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000828.png 718.856 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000688.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000688.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000180.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000180.png 707.0912 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000132.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000132.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004892.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004892.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000870.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000870.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003434.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003434.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001442.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001442.png 718.856 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000053.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000053.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001786.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001786.png 707.0912 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000255.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000255.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003421.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003421.png 718.856 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000079.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000079.png 721.5377 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000171.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000171.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001889.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001889.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000321.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000321.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003341.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003341.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000661.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000661.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000873.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000873.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001425.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001425.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001759.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001759.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000440.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000440.png 707.0912 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000005.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000005.png 721.5377 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000295.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000295.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000327.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000327.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002203.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002203.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000171.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000171.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000969.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000969.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001099.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001099.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000259.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000259.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004514.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004514.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002092.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002092.png 718.856 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000471.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000471.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000005024.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000005024.png 707.0912 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000274.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000274.png 721.5377 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000366.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000366.png 721.5377 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000236.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000236.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001622.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001622.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000343.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000343.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000751.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000751.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003136.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003136.png 718.856 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000666.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000666.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000103.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000103.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000982.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000982.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003891.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003891.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000006.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000006.png 707.0912 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000189.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000189.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002394.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002394.png 707.0912 +2011_09_28/2011_09_28_drive_0001_sync/image_02/data/0000000026.png 2011_09_28_drive_0001_sync/proj_depth/groundtruth/image_02/0000000026.png 707.0493 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000156.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000156.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003699.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003699.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000537.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000537.png 707.0912 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000022.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000022.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003852.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003852.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000384.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000384.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000601.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000601.png 707.0912 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000237.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000237.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000711.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000711.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001023.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001023.png 707.0912 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000245.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000245.png 718.3351 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000069.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000069.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001116.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001116.png 707.0912 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000104.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000104.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001303.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001303.png 718.856 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000043.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000043.png 721.5377 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000171.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000171.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003004.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003004.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000252.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000252.png 707.0912 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000272.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000272.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000772.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000772.png 707.0912 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000062.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000062.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004757.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004757.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004012.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004012.png 707.0912 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000070.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000070.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002661.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002661.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000367.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000367.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003325.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003325.png 707.0912 +2011_09_26/2011_09_26_drive_0001_sync/image_02/data/0000000063.png 2011_09_26_drive_0001_sync/proj_depth/groundtruth/image_02/0000000063.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002685.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002685.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000811.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000811.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002650.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002650.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000116.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000116.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000176.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000176.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000558.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000558.png 721.5377 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000386.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000386.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000239.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000239.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000828.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000828.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002696.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002696.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000060.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000060.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000544.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000544.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000005051.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000005051.png 707.0912 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000365.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000365.png 721.5377 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000124.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000124.png 721.5377 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000250.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000250.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000349.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000349.png 721.5377 +2011_09_26/2011_09_26_drive_0005_sync/image_02/data/0000000093.png 2011_09_26_drive_0005_sync/proj_depth/groundtruth/image_02/0000000093.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004297.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004297.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003341.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003341.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000312.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000312.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004116.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004116.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000078.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000078.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000385.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000385.png 721.5377 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000092.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000092.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002802.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002802.png 718.856 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000390.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000390.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001053.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001053.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000244.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000244.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000161.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000161.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000328.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000328.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001077.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001077.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000133.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000133.png 707.0912 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000188.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000188.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000198.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000198.png 718.856 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000282.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000282.png 721.5377 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000052.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000052.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004413.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004413.png 718.856 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000129.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000129.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001132.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001132.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000508.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000508.png 721.5377 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000158.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000158.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003913.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003913.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003162.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003162.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000001041.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000001041.png 707.0912 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000042.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000042.png 721.5377 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000293.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000293.png 721.5377 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000168.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000168.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000271.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000271.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001425.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001425.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001465.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001465.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003866.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003866.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000064.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000064.png 707.0912 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000115.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000115.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004617.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004617.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003217.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003217.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004096.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004096.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003712.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003712.png 707.0912 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000120.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000120.png 721.5377 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000022.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000022.png 718.3351 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000604.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000604.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003098.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003098.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003038.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003038.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003434.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003434.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002309.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002309.png 707.0912 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000177.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000177.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003006.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003006.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001194.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001194.png 707.0912 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000175.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000175.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000200.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000200.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000975.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000975.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000877.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000877.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000271.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000271.png 707.0912 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000030.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000030.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000506.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000506.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002014.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002014.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002526.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002526.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001359.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001359.png 707.0912 +2011_09_29/2011_09_29_drive_0026_sync/image_02/data/0000000022.png 2011_09_29_drive_0026_sync/proj_depth/groundtruth/image_02/0000000022.png 718.3351 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000014.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000014.png 721.5377 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000085.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000085.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004967.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004967.png 707.0912 +2011_09_29/2011_09_29_drive_0026_sync/image_02/data/0000000093.png 2011_09_29_drive_0026_sync/proj_depth/groundtruth/image_02/0000000093.png 718.3351 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000049.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000049.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001451.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001451.png 707.0912 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000306.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000306.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001842.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001842.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000926.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000926.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003946.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003946.png 718.856 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000114.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000114.png 721.5377 +2011_09_26/2011_09_26_drive_0113_sync/image_02/data/0000000066.png 2011_09_26_drive_0113_sync/proj_depth/groundtruth/image_02/0000000066.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000450.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000450.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000185.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000185.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003231.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003231.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001441.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001441.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001692.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001692.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004909.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004909.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002172.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002172.png 718.856 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000470.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000470.png 721.5377 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000284.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000284.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001160.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001160.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003246.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003246.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000940.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000940.png 718.856 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000101.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000101.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003420.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003420.png 707.0912 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000012.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000012.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001327.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001327.png 707.0912 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000294.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000294.png 721.5377 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000027.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000027.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004563.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004563.png 718.856 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000192.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000192.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003096.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003096.png 718.856 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000378.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000378.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004029.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004029.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002783.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002783.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004800.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004800.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000581.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000581.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000972.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000972.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003882.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003882.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000498.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000498.png 707.0912 +2011_09_26/2011_09_26_drive_0113_sync/image_02/data/0000000043.png 2011_09_26_drive_0113_sync/proj_depth/groundtruth/image_02/0000000043.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000374.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000374.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000457.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000457.png 707.0912 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000256.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000256.png 721.5377 +2011_09_26/2011_09_26_drive_0079_sync/image_02/data/0000000005.png 2011_09_26_drive_0079_sync/proj_depth/groundtruth/image_02/0000000005.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000181.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000181.png 707.0912 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000245.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000245.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000781.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000781.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000503.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000503.png 721.5377 +2011_09_29/2011_09_29_drive_0026_sync/image_02/data/0000000077.png 2011_09_29_drive_0026_sync/proj_depth/groundtruth/image_02/0000000077.png 718.3351 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000659.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000659.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000338.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000338.png 721.5377 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000009.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000009.png 721.5377 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000062.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000062.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000638.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000638.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003686.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003686.png 718.856 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000099.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000099.png 721.5377 +2011_09_26/2011_09_26_drive_0017_sync/image_02/data/0000000027.png 2011_09_26_drive_0017_sync/proj_depth/groundtruth/image_02/0000000027.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000829.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000829.png 718.856 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000206.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000206.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001302.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001302.png 718.856 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000485.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000485.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000124.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000124.png 718.856 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000277.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000277.png 721.5377 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000102.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000102.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000216.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000216.png 718.856 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000006.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000006.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002552.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002552.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000539.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000539.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000600.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000600.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000197.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000197.png 707.0912 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000412.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000412.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000534.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000534.png 721.5377 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000225.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000225.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000454.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000454.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002247.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002247.png 707.0912 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000049.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000049.png 718.3351 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001038.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001038.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000319.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000319.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002135.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002135.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000160.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000160.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001015.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001015.png 707.0912 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000317.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000317.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002105.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002105.png 707.0912 +2011_09_26/2011_09_26_drive_0079_sync/image_02/data/0000000035.png 2011_09_26_drive_0079_sync/proj_depth/groundtruth/image_02/0000000035.png 721.5377 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000221.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000221.png 718.3351 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000096.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000096.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002103.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002103.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004353.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004353.png 718.856 +2011_09_26/2011_09_26_drive_0035_sync/image_02/data/0000000035.png 2011_09_26_drive_0035_sync/proj_depth/groundtruth/image_02/0000000035.png 721.5377 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000235.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000235.png 721.5377 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000341.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000341.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002794.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002794.png 718.856 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000012.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000012.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004916.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004916.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000459.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000459.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004714.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004714.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002469.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002469.png 707.0912 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000005.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000005.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000585.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000585.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000518.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000518.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001175.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001175.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000618.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000618.png 718.856 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000210.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000210.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003910.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003910.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000154.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000154.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004984.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004984.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002526.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002526.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000985.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000985.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003283.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003283.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000963.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000963.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001435.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001435.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003905.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003905.png 718.856 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000437.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000437.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000691.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000691.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002316.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002316.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002625.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002625.png 718.856 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000208.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000208.png 721.5377 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000088.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000088.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000607.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000607.png 718.856 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000133.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000133.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000161.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000161.png 718.856 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000343.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000343.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000647.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000647.png 707.0912 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000393.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000393.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000493.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000493.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000077.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000077.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003622.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003622.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004919.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004919.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000134.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000134.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002142.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002142.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003219.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003219.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002580.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002580.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001849.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001849.png 707.0912 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000176.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000176.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000096.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000096.png 721.5377 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000384.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000384.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001432.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001432.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000693.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000693.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000173.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000173.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002301.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002301.png 718.856 +2011_09_26/2011_09_26_drive_0001_sync/image_02/data/0000000045.png 2011_09_26_drive_0001_sync/proj_depth/groundtruth/image_02/0000000045.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000636.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000636.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003201.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003201.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000634.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000634.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003644.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003644.png 718.856 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000526.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000526.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004654.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004654.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000405.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000405.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000609.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000609.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002713.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002713.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000020.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000020.png 707.0912 +2011_09_26/2011_09_26_drive_0005_sync/image_02/data/0000000133.png 2011_09_26_drive_0005_sync/proj_depth/groundtruth/image_02/0000000133.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002083.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002083.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003130.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003130.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002913.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002913.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004094.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004094.png 707.0912 +2011_09_29/2011_09_29_drive_0026_sync/image_02/data/0000000127.png 2011_09_29_drive_0026_sync/proj_depth/groundtruth/image_02/0000000127.png 718.3351 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000696.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000696.png 707.0912 +2011_09_26/2011_09_26_drive_0079_sync/image_02/data/0000000048.png 2011_09_26_drive_0079_sync/proj_depth/groundtruth/image_02/0000000048.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000021.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000021.png 721.5377 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000129.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000129.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000526.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000526.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003920.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003920.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000394.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000394.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000304.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000304.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000966.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000966.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000263.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000263.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002606.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002606.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000151.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000151.png 721.5377 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000223.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000223.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000642.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000642.png 721.5377 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000088.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000088.png 721.5377 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000081.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000081.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002223.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002223.png 707.0912 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000135.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000135.png 721.5377 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000022.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000022.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001619.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001619.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000241.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000241.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001127.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001127.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002353.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002353.png 707.0912 +2011_09_26/2011_09_26_drive_0113_sync/image_02/data/0000000036.png 2011_09_26_drive_0113_sync/proj_depth/groundtruth/image_02/0000000036.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002378.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002378.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002313.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002313.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000102.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000102.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004310.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004310.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000212.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000212.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000682.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000682.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002992.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002992.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003755.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003755.png 707.0912 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000106.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000106.png 721.5377 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000048.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000048.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003105.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003105.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000042.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000042.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000591.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000591.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004032.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004032.png 718.856 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000288.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000288.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000725.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000725.png 718.856 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000014.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000014.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003684.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003684.png 707.0912 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000066.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000066.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003452.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003452.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001029.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001029.png 718.856 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000565.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000565.png 721.5377 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000034.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000034.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002035.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002035.png 718.856 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000305.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000305.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000671.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000671.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000155.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000155.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000074.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000074.png 707.0912 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000152.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000152.png 718.3351 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000564.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000564.png 718.856 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000488.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000488.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000643.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000643.png 707.0912 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000165.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000165.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000083.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000083.png 707.0912 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000117.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000117.png 718.3351 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000185.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000185.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004305.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004305.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001691.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001691.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003295.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003295.png 718.856 +2011_09_26/2011_09_26_drive_0060_sync/image_02/data/0000000038.png 2011_09_26_drive_0060_sync/proj_depth/groundtruth/image_02/0000000038.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003193.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003193.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000744.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000744.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001287.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001287.png 707.0912 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000417.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000417.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001191.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001191.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000238.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000238.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003726.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003726.png 707.0912 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000284.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000284.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000329.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000329.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004210.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004210.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003015.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003015.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000609.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000609.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002041.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002041.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000386.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000386.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001979.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001979.png 707.0912 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000475.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000475.png 721.5377 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000251.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000251.png 721.5377 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000257.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000257.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000693.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000693.png 707.0912 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000156.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000156.png 721.5377 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000284.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000284.png 721.5377 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000144.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000144.png 721.5377 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000091.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000091.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004443.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004443.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003550.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003550.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000051.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000051.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000731.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000731.png 721.5377 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000229.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000229.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000453.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000453.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003873.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003873.png 707.0912 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000090.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000090.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000189.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000189.png 707.0912 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000196.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000196.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001007.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001007.png 707.0912 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000060.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000060.png 721.5377 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000266.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000266.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000390.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000390.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001457.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001457.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000416.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000416.png 718.856 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000499.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000499.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003342.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003342.png 707.0912 +2011_09_28/2011_09_28_drive_0001_sync/image_02/data/0000000010.png 2011_09_28_drive_0001_sync/proj_depth/groundtruth/image_02/0000000010.png 707.0493 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000462.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000462.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003349.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003349.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000639.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000639.png 707.0912 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000273.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000273.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000645.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000645.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002197.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002197.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000312.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000312.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002167.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002167.png 707.0912 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000096.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000096.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002735.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002735.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001511.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001511.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000370.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000370.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001847.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001847.png 707.0912 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000252.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000252.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001123.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001123.png 718.856 +2011_09_26/2011_09_26_drive_0017_sync/image_02/data/0000000103.png 2011_09_26_drive_0017_sync/proj_depth/groundtruth/image_02/0000000103.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000464.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000464.png 718.856 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000194.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000194.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001031.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001031.png 707.0912 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000293.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000293.png 721.5377 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000326.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000326.png 718.3351 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001040.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001040.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000345.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000345.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003027.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003027.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000346.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000346.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004897.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004897.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000151.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000151.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000645.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000645.png 721.5377 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000213.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000213.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004272.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004272.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000359.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000359.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000231.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000231.png 718.856 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000168.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000168.png 721.5377 +2011_09_29/2011_09_29_drive_0026_sync/image_02/data/0000000125.png 2011_09_29_drive_0026_sync/proj_depth/groundtruth/image_02/0000000125.png 718.3351 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000771.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000771.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001919.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001919.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004510.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004510.png 707.0912 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000293.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000293.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003481.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003481.png 718.856 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000192.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000192.png 721.5377 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000306.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000306.png 721.5377 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000089.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000089.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002693.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002693.png 718.856 +2011_09_26/2011_09_26_drive_0035_sync/image_02/data/0000000080.png 2011_09_26_drive_0035_sync/proj_depth/groundtruth/image_02/0000000080.png 721.5377 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000336.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000336.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000136.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000136.png 718.856 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000312.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000312.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004556.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004556.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000102.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000102.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000861.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000861.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002251.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002251.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003999.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003999.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000269.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000269.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000606.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000606.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000222.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000222.png 718.856 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000387.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000387.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001051.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001051.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000324.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000324.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004062.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004062.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000129.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000129.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000012.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000012.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003688.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003688.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004127.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004127.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004571.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004571.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003645.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003645.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000825.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000825.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002367.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002367.png 718.856 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000362.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000362.png 721.5377 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000052.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000052.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000633.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000633.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000349.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000349.png 718.856 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000317.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000317.png 721.5377 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000039.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000039.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002894.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002894.png 707.0912 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000332.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000332.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002550.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002550.png 718.856 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000108.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000108.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004278.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004278.png 718.856 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000217.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000217.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000470.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000470.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004300.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004300.png 718.856 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000126.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000126.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000675.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000675.png 718.856 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000246.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000246.png 721.5377 +2011_09_26/2011_09_26_drive_0005_sync/image_02/data/0000000016.png 2011_09_26_drive_0005_sync/proj_depth/groundtruth/image_02/0000000016.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000922.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000922.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003455.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003455.png 707.0912 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000060.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000060.png 721.5377 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000235.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000235.png 721.5377 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000071.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000071.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000806.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000806.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001068.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001068.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004853.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004853.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002990.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002990.png 707.0912 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000054.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000054.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000441.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000441.png 718.856 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000116.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000116.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000780.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000780.png 721.5377 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000175.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000175.png 718.3351 +2011_09_26/2011_09_26_drive_0060_sync/image_02/data/0000000055.png 2011_09_26_drive_0060_sync/proj_depth/groundtruth/image_02/0000000055.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002791.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002791.png 707.0912 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000008.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000008.png 721.5377 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000072.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000072.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001397.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001397.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002127.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002127.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001406.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001406.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001299.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001299.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000493.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000493.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001316.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001316.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000219.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000219.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002190.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002190.png 718.856 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000366.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000366.png 721.5377 +2011_09_26/2011_09_26_drive_0113_sync/image_02/data/0000000019.png 2011_09_26_drive_0113_sync/proj_depth/groundtruth/image_02/0000000019.png 721.5377 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000153.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000153.png 721.5377 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000208.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000208.png 721.5377 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000116.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000116.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003397.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003397.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000001007.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000001007.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001497.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001497.png 707.0912 +2011_09_26/2011_09_26_drive_0035_sync/image_02/data/0000000007.png 2011_09_26_drive_0035_sync/proj_depth/groundtruth/image_02/0000000007.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003976.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003976.png 707.0912 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000210.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000210.png 721.5377 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000028.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000028.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001355.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001355.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004639.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004639.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001234.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001234.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003064.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003064.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000374.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000374.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000810.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000810.png 707.0912 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000054.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000054.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000427.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000427.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003785.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003785.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001411.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001411.png 718.856 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000290.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000290.png 721.5377 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000324.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000324.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001105.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001105.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000658.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000658.png 718.856 +2011_09_26/2011_09_26_drive_0001_sync/image_02/data/0000000047.png 2011_09_26_drive_0001_sync/proj_depth/groundtruth/image_02/0000000047.png 721.5377 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000143.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000143.png 721.5377 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000071.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000071.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003592.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003592.png 707.0912 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000039.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000039.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000013.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000013.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000038.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000038.png 707.0912 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000239.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000239.png 718.3351 +2011_09_28/2011_09_28_drive_0001_sync/image_02/data/0000000051.png 2011_09_28_drive_0001_sync/proj_depth/groundtruth/image_02/0000000051.png 707.0493 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000076.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000076.png 718.3351 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000251.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000251.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001931.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001931.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000109.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000109.png 707.0912 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000022.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000022.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000117.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000117.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002261.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002261.png 718.856 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000339.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000339.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004150.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004150.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001422.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001422.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000814.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000814.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000611.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000611.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000453.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000453.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004899.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004899.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000392.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000392.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000519.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000519.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000665.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000665.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000450.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000450.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000237.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000237.png 718.856 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000114.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000114.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003072.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003072.png 718.856 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000127.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000127.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000672.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000672.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003584.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003584.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001307.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001307.png 718.856 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000292.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000292.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002821.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002821.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003564.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003564.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001280.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001280.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000212.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000212.png 718.856 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000247.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000247.png 721.5377 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000224.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000224.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000094.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000094.png 721.5377 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000280.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000280.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000204.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000204.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002779.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002779.png 707.0912 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000167.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000167.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000897.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000897.png 718.856 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000193.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000193.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000200.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000200.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001026.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001026.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004886.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004886.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001219.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001219.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003796.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003796.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003368.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003368.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001196.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001196.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001434.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001434.png 707.0912 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000231.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000231.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002919.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002919.png 718.856 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000244.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000244.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003017.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003017.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000596.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000596.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002386.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002386.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001716.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001716.png 707.0912 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000360.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000360.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000166.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000166.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001341.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001341.png 707.0912 +2011_09_26/2011_09_26_drive_0060_sync/image_02/data/0000000022.png 2011_09_26_drive_0060_sync/proj_depth/groundtruth/image_02/0000000022.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000284.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000284.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000029.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000029.png 718.856 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000094.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000094.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000965.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000965.png 707.0912 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000159.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000159.png 721.5377 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000043.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000043.png 721.5377 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000026.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000026.png 718.3351 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000075.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000075.png 721.5377 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000351.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000351.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002079.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002079.png 707.0912 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000133.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000133.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000655.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000655.png 707.0912 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000213.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000213.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001362.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001362.png 707.0912 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000301.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000301.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001313.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001313.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002497.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002497.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002610.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002610.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002400.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002400.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002472.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002472.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004147.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004147.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000001132.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000001132.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000005058.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000005058.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000475.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000475.png 707.0912 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000040.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000040.png 721.5377 +2011_09_26/2011_09_26_drive_0001_sync/image_02/data/0000000006.png 2011_09_26_drive_0001_sync/proj_depth/groundtruth/image_02/0000000006.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003075.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003075.png 707.0912 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000243.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000243.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003639.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003639.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000567.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000567.png 718.856 +2011_09_26/2011_09_26_drive_0005_sync/image_02/data/0000000071.png 2011_09_26_drive_0005_sync/proj_depth/groundtruth/image_02/0000000071.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002969.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002969.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003234.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003234.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000462.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000462.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000163.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000163.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000889.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000889.png 718.856 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000426.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000426.png 721.5377 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000363.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000363.png 721.5377 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000279.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000279.png 718.3351 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000710.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000710.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000675.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000675.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002276.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002276.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000055.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000055.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000028.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000028.png 718.856 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000087.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000087.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000612.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000612.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000383.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000383.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000482.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000482.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000005142.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000005142.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001182.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001182.png 707.0912 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000156.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000156.png 718.3351 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000010.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000010.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000267.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000267.png 707.0912 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000054.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000054.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004680.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004680.png 707.0912 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000077.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000077.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000533.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000533.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000471.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000471.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000550.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000550.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000623.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000623.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000572.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000572.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003708.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003708.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001113.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001113.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003503.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003503.png 718.856 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000528.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000528.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003435.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003435.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000005094.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000005094.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000494.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000494.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002752.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002752.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000490.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000490.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001505.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001505.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003445.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003445.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003025.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003025.png 718.856 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000061.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000061.png 721.5377 +2011_09_26/2011_09_26_drive_0079_sync/image_02/data/0000000068.png 2011_09_26_drive_0079_sync/proj_depth/groundtruth/image_02/0000000068.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000759.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000759.png 721.5377 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000227.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000227.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001677.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001677.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000867.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000867.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000048.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000048.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002416.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002416.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000315.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000315.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001654.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001654.png 707.0912 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000129.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000129.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000824.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000824.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000974.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000974.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004544.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004544.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000119.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000119.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002291.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002291.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000986.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000986.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000810.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000810.png 707.0912 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000148.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000148.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000599.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000599.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000001067.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000001067.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001204.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001204.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001085.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001085.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000132.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000132.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002531.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002531.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000062.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000062.png 718.856 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000130.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000130.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002865.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002865.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000699.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000699.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003923.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003923.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000443.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000443.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000951.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000951.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004499.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004499.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002568.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002568.png 707.0912 +2011_09_26/2011_09_26_drive_0005_sync/image_02/data/0000000034.png 2011_09_26_drive_0005_sync/proj_depth/groundtruth/image_02/0000000034.png 721.5377 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000115.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000115.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000224.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000224.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000910.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000910.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002266.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002266.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004619.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004619.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000980.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000980.png 707.0912 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000257.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000257.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000631.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000631.png 718.856 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000235.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000235.png 721.5377 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000123.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000123.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004605.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004605.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004275.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004275.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000674.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000674.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002137.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002137.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000539.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000539.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004690.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004690.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000617.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000617.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000704.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000704.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000005103.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000005103.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001941.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001941.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002249.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002249.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004497.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004497.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001882.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001882.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004317.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004317.png 707.0912 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000240.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000240.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004248.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004248.png 718.856 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000641.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000641.png 721.5377 +2011_09_26/2011_09_26_drive_0035_sync/image_02/data/0000000012.png 2011_09_26_drive_0035_sync/proj_depth/groundtruth/image_02/0000000012.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000991.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000991.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000898.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000898.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000752.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000752.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003449.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003449.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000503.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000503.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002391.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002391.png 707.0912 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000154.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000154.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000325.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000325.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002245.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002245.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000832.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000832.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000862.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000862.png 718.856 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000732.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000732.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000248.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000248.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000261.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000261.png 707.0912 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000095.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000095.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002945.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002945.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001740.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001740.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001340.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001340.png 718.856 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000675.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000675.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001504.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001504.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003745.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003745.png 707.0912 +2011_09_28/2011_09_28_drive_0001_sync/image_02/data/0000000043.png 2011_09_28_drive_0001_sync/proj_depth/groundtruth/image_02/0000000043.png 707.0493 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001492.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001492.png 707.0912 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000012.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000012.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002390.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002390.png 718.856 +2011_09_26/2011_09_26_drive_0005_sync/image_02/data/0000000091.png 2011_09_26_drive_0005_sync/proj_depth/groundtruth/image_02/0000000091.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000102.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000102.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002549.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002549.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000891.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000891.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000782.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000782.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003641.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003641.png 718.856 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000116.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000116.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002748.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002748.png 718.856 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000288.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000288.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000885.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000885.png 718.856 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000072.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000072.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004970.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004970.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001094.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001094.png 707.0912 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000325.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000325.png 721.5377 +2011_09_26/2011_09_26_drive_0017_sync/image_02/data/0000000034.png 2011_09_26_drive_0017_sync/proj_depth/groundtruth/image_02/0000000034.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003064.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003064.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004843.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004843.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000625.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000625.png 718.856 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000267.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000267.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002628.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002628.png 707.0912 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000381.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000381.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002586.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002586.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000534.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000534.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001428.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001428.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003460.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003460.png 718.856 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000060.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000060.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000971.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000971.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000272.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000272.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000042.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000042.png 718.856 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000165.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000165.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004054.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004054.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000657.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000657.png 707.0912 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000256.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000256.png 721.5377 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000041.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000041.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000005144.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000005144.png 707.0912 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000191.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000191.png 721.5377 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000157.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000157.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000385.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000385.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000970.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000970.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001059.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001059.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000183.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000183.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000755.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000755.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000498.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000498.png 718.856 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000052.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000052.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002442.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002442.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004679.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004679.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000034.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000034.png 707.0912 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000028.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000028.png 721.5377 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000115.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000115.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000135.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000135.png 721.5377 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000143.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000143.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001282.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001282.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000637.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000637.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000289.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000289.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000718.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000718.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000560.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000560.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002952.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002952.png 718.856 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000316.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000316.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000566.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000566.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004796.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004796.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000389.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000389.png 707.0912 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000179.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000179.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000017.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000017.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003538.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003538.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001233.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001233.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001048.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001048.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003387.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003387.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000045.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000045.png 707.0912 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000230.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000230.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003962.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003962.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000310.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000310.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004589.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004589.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002007.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002007.png 707.0912 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000040.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000040.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000328.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000328.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002122.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002122.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002562.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002562.png 707.0912 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000358.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000358.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000685.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000685.png 707.0912 +2011_09_26/2011_09_26_drive_0017_sync/image_02/data/0000000036.png 2011_09_26_drive_0017_sync/proj_depth/groundtruth/image_02/0000000036.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000572.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000572.png 721.5377 +2011_09_26/2011_09_26_drive_0001_sync/image_02/data/0000000019.png 2011_09_26_drive_0001_sync/proj_depth/groundtruth/image_02/0000000019.png 721.5377 +2011_09_26/2011_09_26_drive_0113_sync/image_02/data/0000000010.png 2011_09_26_drive_0113_sync/proj_depth/groundtruth/image_02/0000000010.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000005126.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000005126.png 707.0912 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000134.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000134.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001022.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001022.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004834.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004834.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001151.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001151.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000161.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000161.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001170.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001170.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001176.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001176.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000740.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000740.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004463.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004463.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000907.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000907.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000662.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000662.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001318.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001318.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002150.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002150.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001560.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001560.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001194.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001194.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003734.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003734.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000637.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000637.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001154.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001154.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000001047.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000001047.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003115.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003115.png 707.0912 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000342.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000342.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000189.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000189.png 718.856 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000764.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000764.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000196.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000196.png 707.0912 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000226.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000226.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002880.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002880.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002999.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002999.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001788.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001788.png 718.856 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000204.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000204.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000313.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000313.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000086.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000086.png 721.5377 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000299.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000299.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000037.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000037.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000005.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000005.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000005090.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000005090.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003455.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003455.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000001122.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000001122.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003200.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003200.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000695.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000695.png 707.0912 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000337.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000337.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003973.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003973.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000983.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000983.png 707.0912 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000110.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000110.png 721.5377 +2011_09_26/2011_09_26_drive_0005_sync/image_02/data/0000000076.png 2011_09_26_drive_0005_sync/proj_depth/groundtruth/image_02/0000000076.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000833.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000833.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002340.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002340.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004067.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004067.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003347.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003347.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004195.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004195.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000427.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000427.png 718.856 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000164.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000164.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000485.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000485.png 718.856 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000265.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000265.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004182.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004182.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000646.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000646.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000001074.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000001074.png 718.856 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000093.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000093.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000538.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000538.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000031.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000031.png 707.0912 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000071.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000071.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001172.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001172.png 707.0912 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000044.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000044.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000810.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000810.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003784.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003784.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003425.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003425.png 718.856 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000080.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000080.png 721.5377 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000375.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000375.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000422.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000422.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001649.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001649.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004559.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004559.png 707.0912 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000233.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000233.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004623.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004623.png 718.856 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000151.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000151.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000239.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000239.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001096.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001096.png 707.0912 +2011_09_26/2011_09_26_drive_0079_sync/image_02/data/0000000007.png 2011_09_26_drive_0079_sync/proj_depth/groundtruth/image_02/0000000007.png 721.5377 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000038.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000038.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000547.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000547.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004009.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004009.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003181.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003181.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000224.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000224.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001389.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001389.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000770.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000770.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000819.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000819.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000349.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000349.png 707.0912 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000097.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000097.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002334.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002334.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001101.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001101.png 718.856 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000135.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000135.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000377.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000377.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001045.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001045.png 718.856 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000192.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000192.png 721.5377 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000141.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000141.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002419.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002419.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002094.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002094.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000347.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000347.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000305.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000305.png 718.856 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000603.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000603.png 721.5377 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000310.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000310.png 721.5377 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000099.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000099.png 721.5377 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000063.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000063.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000949.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000949.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001982.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001982.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000313.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000313.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001611.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001611.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002099.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002099.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001918.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001918.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004305.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004305.png 718.856 +2011_09_28/2011_09_28_drive_0001_sync/image_02/data/0000000009.png 2011_09_28_drive_0001_sync/proj_depth/groundtruth/image_02/0000000009.png 707.0493 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000364.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000364.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002282.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002282.png 707.0912 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000262.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000262.png 721.5377 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000320.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000320.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000269.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000269.png 718.856 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000677.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000677.png 721.5377 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000114.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000114.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002333.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002333.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000073.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000073.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000112.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000112.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000383.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000383.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001393.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001393.png 707.0912 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000190.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000190.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000583.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000583.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000241.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000241.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001712.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001712.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001202.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001202.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000001013.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000001013.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000473.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000473.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001244.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001244.png 707.0912 +2011_09_26/2011_09_26_drive_0079_sync/image_02/data/0000000046.png 2011_09_26_drive_0079_sync/proj_depth/groundtruth/image_02/0000000046.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001292.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001292.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001571.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001571.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001971.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001971.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002475.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002475.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000001079.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000001079.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000546.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000546.png 718.856 +2011_09_29/2011_09_29_drive_0026_sync/image_02/data/0000000079.png 2011_09_29_drive_0026_sync/proj_depth/groundtruth/image_02/0000000079.png 718.3351 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000692.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000692.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001684.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001684.png 718.856 +2011_09_26/2011_09_26_drive_0060_sync/image_02/data/0000000062.png 2011_09_26_drive_0060_sync/proj_depth/groundtruth/image_02/0000000062.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000397.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000397.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002514.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002514.png 718.856 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000289.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000289.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002521.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002521.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000991.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000991.png 718.856 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000138.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000138.png 721.5377 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000115.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000115.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000527.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000527.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004488.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004488.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000425.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000425.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002462.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002462.png 707.0912 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000235.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000235.png 721.5377 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000357.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000357.png 721.5377 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000184.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000184.png 721.5377 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000178.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000178.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003448.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003448.png 707.0912 +2011_09_26/2011_09_26_drive_0113_sync/image_02/data/0000000031.png 2011_09_26_drive_0113_sync/proj_depth/groundtruth/image_02/0000000031.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000001030.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000001030.png 718.856 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000638.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000638.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000548.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000548.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000472.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000472.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003408.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003408.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000045.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000045.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000099.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000099.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000688.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000688.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000450.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000450.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000084.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000084.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000241.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000241.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001621.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001621.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000351.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000351.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000082.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000082.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001554.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001554.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001083.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001083.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004055.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004055.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002231.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002231.png 718.856 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000332.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000332.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000713.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000713.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000539.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000539.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003509.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003509.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000330.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000330.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003395.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003395.png 718.856 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000132.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000132.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000745.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000745.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002523.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002523.png 707.0912 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000046.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000046.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000709.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000709.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000341.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000341.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000005156.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000005156.png 707.0912 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000136.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000136.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000893.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000893.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000378.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000378.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003804.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003804.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003670.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003670.png 718.856 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000075.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000075.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000468.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000468.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004405.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004405.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000281.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000281.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004164.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004164.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000645.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000645.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003526.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003526.png 718.856 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000219.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000219.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000590.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000590.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003368.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003368.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003588.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003588.png 718.856 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000198.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000198.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003590.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003590.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000289.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000289.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000453.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000453.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000902.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000902.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001226.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001226.png 718.856 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000050.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000050.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000653.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000653.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001373.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001373.png 707.0912 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000153.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000153.png 721.5377 +2011_09_26/2011_09_26_drive_0113_sync/image_02/data/0000000073.png 2011_09_26_drive_0113_sync/proj_depth/groundtruth/image_02/0000000073.png 721.5377 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000089.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000089.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000290.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000290.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000694.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000694.png 707.0912 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000225.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000225.png 718.3351 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000582.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000582.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000029.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000029.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003147.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003147.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000005013.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000005013.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003350.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003350.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003702.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003702.png 718.856 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000288.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000288.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003339.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003339.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003253.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003253.png 707.0912 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000024.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000024.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003716.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003716.png 707.0912 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000282.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000282.png 721.5377 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000337.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000337.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000525.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000525.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000182.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000182.png 718.856 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000646.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000646.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000739.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000739.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004745.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004745.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004940.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004940.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001279.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001279.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000125.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000125.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004496.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004496.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000311.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000311.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001858.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001858.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002880.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002880.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001209.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001209.png 718.856 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000369.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000369.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000220.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000220.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001019.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001019.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002614.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002614.png 707.0912 +2011_09_26/2011_09_26_drive_0017_sync/image_02/data/0000000006.png 2011_09_26_drive_0017_sync/proj_depth/groundtruth/image_02/0000000006.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000202.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000202.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001269.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001269.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003925.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003925.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000065.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000065.png 707.0912 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000211.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000211.png 721.5377 +2011_09_26/2011_09_26_drive_0113_sync/image_02/data/0000000046.png 2011_09_26_drive_0113_sync/proj_depth/groundtruth/image_02/0000000046.png 721.5377 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000138.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000138.png 721.5377 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000305.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000305.png 721.5377 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000040.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000040.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004058.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004058.png 707.0912 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000359.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000359.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002319.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002319.png 707.0912 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000389.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000389.png 721.5377 +2011_09_26/2011_09_26_drive_0035_sync/image_02/data/0000000087.png 2011_09_26_drive_0035_sync/proj_depth/groundtruth/image_02/0000000087.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000878.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000878.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000904.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000904.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001017.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001017.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003864.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003864.png 707.0912 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000260.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000260.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002624.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002624.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003074.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003074.png 707.0912 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000202.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000202.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002027.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002027.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004330.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004330.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000566.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000566.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000063.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000063.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003333.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003333.png 718.856 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000020.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000020.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001501.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001501.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003283.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003283.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000005149.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000005149.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000005036.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000005036.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000217.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000217.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000079.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000079.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000761.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000761.png 707.0912 +2011_09_26/2011_09_26_drive_0079_sync/image_02/data/0000000019.png 2011_09_26_drive_0079_sync/proj_depth/groundtruth/image_02/0000000019.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000201.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000201.png 721.5377 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000065.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000065.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001123.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001123.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000411.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000411.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000326.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000326.png 707.0912 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000138.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000138.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003572.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003572.png 707.0912 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000363.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000363.png 721.5377 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000227.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000227.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000370.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000370.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000307.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000307.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000094.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000094.png 707.0912 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000234.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000234.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003093.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003093.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000976.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000976.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000568.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000568.png 707.0912 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000362.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000362.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000784.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000784.png 721.5377 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000181.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000181.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002511.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002511.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000177.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000177.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004134.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004134.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000412.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000412.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001253.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001253.png 707.0912 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000294.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000294.png 718.3351 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002959.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002959.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000473.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000473.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000001029.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000001029.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000270.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000270.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001175.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001175.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001367.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001367.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000310.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000310.png 718.856 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000189.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000189.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000832.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000832.png 718.856 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000626.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000626.png 721.5377 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000112.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000112.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003947.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003947.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001594.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001594.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002637.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002637.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000799.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000799.png 707.0912 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000145.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000145.png 721.5377 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000034.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000034.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000236.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000236.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003016.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003016.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002130.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002130.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004154.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004154.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000939.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000939.png 707.0912 +2011_09_28/2011_09_28_drive_0001_sync/image_02/data/0000000014.png 2011_09_28_drive_0001_sync/proj_depth/groundtruth/image_02/0000000014.png 707.0493 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002648.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002648.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000852.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000852.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000760.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000760.png 707.0912 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000240.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000240.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004584.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004584.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001407.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001407.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001951.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001951.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004400.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004400.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000498.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000498.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000039.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000039.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000334.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000334.png 721.5377 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000390.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000390.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001568.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001568.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001433.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001433.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004072.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004072.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000181.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000181.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004873.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004873.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000005016.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000005016.png 707.0912 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000327.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000327.png 718.3351 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000062.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000062.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003908.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003908.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000288.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000288.png 707.0912 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000150.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000150.png 721.5377 +2011_09_29/2011_09_29_drive_0026_sync/image_02/data/0000000147.png 2011_09_29_drive_0026_sync/proj_depth/groundtruth/image_02/0000000147.png 718.3351 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001386.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001386.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004523.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004523.png 718.856 +2011_09_26/2011_09_26_drive_0079_sync/image_02/data/0000000074.png 2011_09_26_drive_0079_sync/proj_depth/groundtruth/image_02/0000000074.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003383.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003383.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000039.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000039.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000551.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000551.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003707.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003707.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000694.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000694.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000293.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000293.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002683.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002683.png 718.856 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000119.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000119.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001570.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001570.png 707.0912 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000258.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000258.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000345.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000345.png 718.856 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000123.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000123.png 721.5377 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000197.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000197.png 718.3351 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000018.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000018.png 707.0912 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000164.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000164.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001093.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001093.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003836.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003836.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000501.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000501.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004069.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004069.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000874.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000874.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001066.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001066.png 707.0912 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000160.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000160.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002804.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002804.png 718.856 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000131.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000131.png 718.3351 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000203.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000203.png 707.0912 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000205.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000205.png 721.5377 +2011_09_29/2011_09_29_drive_0026_sync/image_02/data/0000000128.png 2011_09_29_drive_0026_sync/proj_depth/groundtruth/image_02/0000000128.png 718.3351 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002753.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002753.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000129.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000129.png 721.5377 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000164.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000164.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001292.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001292.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000596.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000596.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001146.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001146.png 718.856 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000063.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000063.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001548.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001548.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000516.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000516.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000759.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000759.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003978.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003978.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000539.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000539.png 721.5377 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000227.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000227.png 721.5377 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000263.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000263.png 721.5377 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000302.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000302.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000193.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000193.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002928.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002928.png 707.0912 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000298.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000298.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000374.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000374.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001395.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001395.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003884.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003884.png 707.0912 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000335.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000335.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001699.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001699.png 718.856 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000362.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000362.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004918.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004918.png 707.0912 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000063.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000063.png 721.5377 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000171.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000171.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000536.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000536.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000665.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000665.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003597.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003597.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000583.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000583.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002708.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002708.png 718.856 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000310.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000310.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003583.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003583.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000001102.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000001102.png 718.856 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000183.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000183.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003476.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003476.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003263.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003263.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000796.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000796.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002141.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002141.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000785.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000785.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000584.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000584.png 707.0912 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000179.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000179.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000001112.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000001112.png 718.856 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000772.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000772.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001685.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001685.png 707.0912 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000249.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000249.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004150.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004150.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000833.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000833.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000489.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000489.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001753.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001753.png 718.856 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000249.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000249.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000646.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000646.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000369.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000369.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001670.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001670.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000763.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000763.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001902.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001902.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000837.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000837.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000482.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000482.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000367.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000367.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004762.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004762.png 707.0912 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000093.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000093.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000575.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000575.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000870.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000870.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000366.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000366.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002800.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002800.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000185.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000185.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001721.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001721.png 718.856 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000376.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000376.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000159.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000159.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000656.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000656.png 707.0912 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000069.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000069.png 721.5377 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000267.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000267.png 721.5377 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000166.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000166.png 718.3351 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000342.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000342.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003865.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003865.png 718.856 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000389.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000389.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001464.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001464.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001833.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001833.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003560.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003560.png 707.0912 +2011_09_28/2011_09_28_drive_0001_sync/image_02/data/0000000046.png 2011_09_28_drive_0001_sync/proj_depth/groundtruth/image_02/0000000046.png 707.0493 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000207.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000207.png 707.0912 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000073.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000073.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004555.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004555.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000511.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000511.png 707.0912 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000358.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000358.png 721.5377 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000187.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000187.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001101.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001101.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002498.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002498.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003450.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003450.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000450.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000450.png 721.5377 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000188.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000188.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000490.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000490.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000857.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000857.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002354.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002354.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000385.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000385.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000072.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000072.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002720.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002720.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003399.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003399.png 718.856 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000102.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000102.png 718.3351 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004172.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004172.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002689.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002689.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001260.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001260.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003462.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003462.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000247.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000247.png 718.856 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000292.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000292.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000622.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000622.png 721.5377 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000008.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000008.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000259.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000259.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002534.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002534.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000555.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000555.png 718.856 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000527.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000527.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004666.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004666.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000648.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000648.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000873.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000873.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004379.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004379.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000613.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000613.png 707.0912 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000403.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000403.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000507.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000507.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000562.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000562.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004047.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004047.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000124.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000124.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000085.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000085.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004965.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004965.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000691.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000691.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003721.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003721.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003052.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003052.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002712.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002712.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000327.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000327.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004515.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004515.png 718.856 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000062.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000062.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001327.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001327.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003544.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003544.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001210.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001210.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000143.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000143.png 707.0912 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000166.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000166.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002807.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002807.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001833.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001833.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000690.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000690.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002335.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002335.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000005119.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000005119.png 707.0912 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000008.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000008.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000608.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000608.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004221.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004221.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001946.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001946.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002210.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002210.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003267.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003267.png 718.856 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000072.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000072.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000462.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000462.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000001160.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000001160.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000001125.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000001125.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001097.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001097.png 707.0912 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000182.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000182.png 721.5377 +2011_09_26/2011_09_26_drive_0113_sync/image_02/data/0000000012.png 2011_09_26_drive_0113_sync/proj_depth/groundtruth/image_02/0000000012.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002908.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002908.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001153.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001153.png 707.0912 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000212.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000212.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000773.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000773.png 721.5377 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000272.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000272.png 721.5377 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000168.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000168.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001178.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001178.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000693.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000693.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000790.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000790.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000058.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000058.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000072.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000072.png 707.0912 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000200.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000200.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000517.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000517.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003988.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003988.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000976.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000976.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004012.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004012.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002680.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002680.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002150.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002150.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000644.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000644.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002647.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002647.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000153.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000153.png 707.0912 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000468.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000468.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004601.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004601.png 718.856 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000275.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000275.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003898.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003898.png 707.0912 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000075.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000075.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003618.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003618.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001084.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001084.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000864.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000864.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002360.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002360.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004695.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004695.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004471.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004471.png 718.856 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000142.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000142.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001031.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001031.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000264.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000264.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003183.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003183.png 718.856 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000393.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000393.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001736.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001736.png 718.856 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000227.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000227.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002025.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002025.png 718.856 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000021.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000021.png 721.5377 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000107.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000107.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002803.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002803.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002598.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002598.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001394.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001394.png 707.0912 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000171.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000171.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000359.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000359.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000472.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000472.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000063.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000063.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002582.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002582.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004603.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004603.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000074.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000074.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000805.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000805.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001328.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001328.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002931.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002931.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000005081.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000005081.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001048.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001048.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002728.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002728.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001309.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001309.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000263.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000263.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000126.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000126.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000692.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000692.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001443.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001443.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000921.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000921.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001017.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001017.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000105.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000105.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001440.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001440.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004996.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004996.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000068.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000068.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004841.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004841.png 707.0912 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000167.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000167.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003315.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003315.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001988.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001988.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003705.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003705.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000881.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000881.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000891.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000891.png 707.0912 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000110.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000110.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000431.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000431.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000657.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000657.png 718.856 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000210.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000210.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000982.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000982.png 707.0912 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000184.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000184.png 721.5377 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000336.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000336.png 721.5377 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000154.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000154.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000468.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000468.png 707.0912 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000126.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000126.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002783.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002783.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000564.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000564.png 721.5377 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000082.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000082.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000197.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000197.png 721.5377 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000157.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000157.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000414.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000414.png 718.856 +2011_09_26/2011_09_26_drive_0035_sync/image_02/data/0000000098.png 2011_09_26_drive_0035_sync/proj_depth/groundtruth/image_02/0000000098.png 721.5377 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000282.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000282.png 721.5377 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000255.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000255.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000655.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000655.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000516.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000516.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002726.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002726.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000017.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000017.png 707.0912 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000155.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000155.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001882.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001882.png 718.856 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000100.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000100.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000032.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000032.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000170.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000170.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001271.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001271.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003460.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003460.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001854.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001854.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002421.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002421.png 707.0912 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000209.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000209.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002555.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002555.png 707.0912 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000085.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000085.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000197.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000197.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000390.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000390.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000773.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000773.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003469.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003469.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001491.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001491.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001742.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001742.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000824.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000824.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001190.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001190.png 707.0912 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000069.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000069.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000001049.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000001049.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000282.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000282.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004644.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004644.png 707.0912 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000007.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000007.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000392.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000392.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000587.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000587.png 707.0912 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000252.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000252.png 721.5377 +2011_09_29/2011_09_29_drive_0026_sync/image_02/data/0000000054.png 2011_09_29_drive_0026_sync/proj_depth/groundtruth/image_02/0000000054.png 718.3351 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000035.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000035.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001888.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001888.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004521.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004521.png 707.0912 +2011_09_26/2011_09_26_drive_0035_sync/image_02/data/0000000028.png 2011_09_26_drive_0035_sync/proj_depth/groundtruth/image_02/0000000028.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003285.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003285.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000012.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000012.png 721.5377 +2011_09_26/2011_09_26_drive_0017_sync/image_02/data/0000000013.png 2011_09_26_drive_0017_sync/proj_depth/groundtruth/image_02/0000000013.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000188.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000188.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002225.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002225.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000373.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000373.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000053.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000053.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001363.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001363.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001369.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001369.png 718.856 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000190.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000190.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004508.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004508.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002851.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002851.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000654.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000654.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003494.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003494.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002470.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002470.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000829.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000829.png 718.856 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000023.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000023.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000299.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000299.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000535.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000535.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003786.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003786.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000709.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000709.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002268.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002268.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003145.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003145.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004049.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004049.png 707.0912 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000036.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000036.png 721.5377 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000124.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000124.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000263.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000263.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004642.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004642.png 718.856 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000259.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000259.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004108.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004108.png 707.0912 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000104.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000104.png 721.5377 +2011_09_26/2011_09_26_drive_0001_sync/image_02/data/0000000016.png 2011_09_26_drive_0001_sync/proj_depth/groundtruth/image_02/0000000016.png 721.5377 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000091.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000091.png 721.5377 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000085.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000085.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000268.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000268.png 721.5377 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000051.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000051.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000453.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000453.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000550.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000550.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002963.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002963.png 718.856 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000413.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000413.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002991.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002991.png 718.856 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000673.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000673.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000067.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000067.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001156.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001156.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002926.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002926.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000676.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000676.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000945.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000945.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001535.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001535.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001784.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001784.png 718.856 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000030.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000030.png 721.5377 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000086.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000086.png 721.5377 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000078.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000078.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001036.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001036.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000787.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000787.png 707.0912 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000407.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000407.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002448.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002448.png 718.856 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000144.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000144.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002691.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002691.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000991.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000991.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000666.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000666.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002744.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002744.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004099.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004099.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000058.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000058.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000615.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000615.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001063.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001063.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001674.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001674.png 707.0912 +2011_09_26/2011_09_26_drive_0005_sync/image_02/data/0000000035.png 2011_09_26_drive_0005_sync/proj_depth/groundtruth/image_02/0000000035.png 721.5377 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000056.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000056.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000576.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000576.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000391.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000391.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000001116.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000001116.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004577.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004577.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000001032.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000001032.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000207.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000207.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000702.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000702.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002197.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002197.png 718.856 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000132.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000132.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000331.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000331.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000209.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000209.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002067.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002067.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002456.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002456.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000699.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000699.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000030.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000030.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000349.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000349.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003121.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003121.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001260.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001260.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001962.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001962.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000853.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000853.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000442.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000442.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003174.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003174.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000704.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000704.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000318.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000318.png 707.0912 +2011_09_26/2011_09_26_drive_0113_sync/image_02/data/0000000059.png 2011_09_26_drive_0113_sync/proj_depth/groundtruth/image_02/0000000059.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000026.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000026.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002827.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002827.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000554.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000554.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000526.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000526.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000962.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000962.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001462.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001462.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000736.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000736.png 707.0912 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000182.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000182.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000278.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000278.png 707.0912 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000098.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000098.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003981.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003981.png 718.856 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000283.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000283.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000150.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000150.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003463.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003463.png 718.856 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000125.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000125.png 721.5377 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000377.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000377.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004083.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004083.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000179.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000179.png 721.5377 +2011_09_26/2011_09_26_drive_0001_sync/image_02/data/0000000017.png 2011_09_26_drive_0001_sync/proj_depth/groundtruth/image_02/0000000017.png 721.5377 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000300.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000300.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003201.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003201.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000609.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000609.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000001080.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000001080.png 707.0912 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000094.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000094.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000684.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000684.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002865.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002865.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000015.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000015.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004622.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004622.png 718.856 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000135.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000135.png 721.5377 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000007.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000007.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004811.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004811.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000541.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000541.png 721.5377 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000230.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000230.png 718.3351 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000355.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000355.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000001002.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000001002.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002023.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002023.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000738.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000738.png 707.0912 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000020.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000020.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001189.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001189.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003660.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003660.png 707.0912 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000210.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000210.png 721.5377 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000100.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000100.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000479.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000479.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004325.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004325.png 707.0912 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000019.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000019.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000540.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000540.png 718.856 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000086.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000086.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000099.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000099.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004258.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004258.png 718.856 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000053.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000053.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000179.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000179.png 707.0912 +2011_09_29/2011_09_29_drive_0026_sync/image_02/data/0000000062.png 2011_09_29_drive_0026_sync/proj_depth/groundtruth/image_02/0000000062.png 718.3351 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000101.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000101.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000593.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000593.png 721.5377 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000234.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000234.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000147.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000147.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003293.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003293.png 718.856 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000219.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000219.png 721.5377 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000260.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000260.png 721.5377 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000199.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000199.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002535.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002535.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000156.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000156.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000025.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000025.png 718.856 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000032.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000032.png 721.5377 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000097.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000097.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001513.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001513.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003815.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003815.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001334.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001334.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000795.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000795.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002236.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002236.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000934.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000934.png 718.856 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000631.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000631.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000055.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000055.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001401.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001401.png 707.0912 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000054.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000054.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002003.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002003.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003944.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003944.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000305.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000305.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001180.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001180.png 707.0912 +2011_09_26/2011_09_26_drive_0060_sync/image_02/data/0000000031.png 2011_09_26_drive_0060_sync/proj_depth/groundtruth/image_02/0000000031.png 721.5377 +2011_09_26/2011_09_26_drive_0005_sync/image_02/data/0000000087.png 2011_09_26_drive_0005_sync/proj_depth/groundtruth/image_02/0000000087.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001445.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001445.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000308.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000308.png 721.5377 +2011_09_26/2011_09_26_drive_0005_sync/image_02/data/0000000102.png 2011_09_26_drive_0005_sync/proj_depth/groundtruth/image_02/0000000102.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002689.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002689.png 718.856 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000573.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000573.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002749.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002749.png 718.856 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000308.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000308.png 718.3351 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000866.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000866.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000343.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000343.png 721.5377 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000371.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000371.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001157.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001157.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003329.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003329.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001102.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001102.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000823.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000823.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003280.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003280.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003464.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003464.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000334.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000334.png 718.856 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000610.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000610.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000838.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000838.png 707.0912 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000202.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000202.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000001035.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000001035.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001406.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001406.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001705.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001705.png 718.856 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000251.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000251.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000194.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000194.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001038.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001038.png 707.0912 +2011_09_26/2011_09_26_drive_0017_sync/image_02/data/0000000058.png 2011_09_26_drive_0017_sync/proj_depth/groundtruth/image_02/0000000058.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000391.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000391.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000131.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000131.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000247.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000247.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003505.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003505.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004572.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004572.png 718.856 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000591.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000591.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000315.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000315.png 707.0912 +2011_09_26/2011_09_26_drive_0035_sync/image_02/data/0000000102.png 2011_09_26_drive_0035_sync/proj_depth/groundtruth/image_02/0000000102.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000631.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000631.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000516.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000516.png 718.856 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000129.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000129.png 721.5377 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000098.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000098.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004155.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004155.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003032.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003032.png 718.856 +2011_09_26/2011_09_26_drive_0001_sync/image_02/data/0000000031.png 2011_09_26_drive_0001_sync/proj_depth/groundtruth/image_02/0000000031.png 721.5377 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000018.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000018.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002560.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002560.png 718.856 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000133.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000133.png 721.5377 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000131.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000131.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002814.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002814.png 707.0912 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000388.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000388.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001131.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001131.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003556.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003556.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000724.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000724.png 707.0912 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000194.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000194.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000621.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000621.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000342.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000342.png 718.856 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000575.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000575.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000319.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000319.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000199.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000199.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004179.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004179.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000183.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000183.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000085.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000085.png 721.5377 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000070.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000070.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000176.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000176.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000446.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000446.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000017.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000017.png 707.0912 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000028.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000028.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001802.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001802.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000306.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000306.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000032.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000032.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001129.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001129.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001815.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001815.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000605.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000605.png 707.0912 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000234.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000234.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002149.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002149.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004025.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004025.png 718.856 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000203.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000203.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001098.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001098.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001005.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001005.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000832.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000832.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002811.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002811.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000886.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000886.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000265.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000265.png 707.0912 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000188.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000188.png 718.3351 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000149.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000149.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002259.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002259.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003585.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003585.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002108.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002108.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004578.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004578.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000761.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000761.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000291.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000291.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000747.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000747.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000554.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000554.png 718.856 +2011_09_26/2011_09_26_drive_0035_sync/image_02/data/0000000088.png 2011_09_26_drive_0035_sync/proj_depth/groundtruth/image_02/0000000088.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000346.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000346.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000377.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000377.png 718.856 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000309.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000309.png 721.5377 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000113.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000113.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000690.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000690.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004438.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004438.png 707.0912 +2011_09_26/2011_09_26_drive_0001_sync/image_02/data/0000000066.png 2011_09_26_drive_0001_sync/proj_depth/groundtruth/image_02/0000000066.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000024.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000024.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003911.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003911.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000372.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000372.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004514.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004514.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000787.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000787.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001640.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001640.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000363.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000363.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000568.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000568.png 707.0912 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000200.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000200.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001041.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001041.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000626.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000626.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003660.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003660.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003379.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003379.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002568.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002568.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001460.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001460.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001430.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001430.png 718.856 +2011_09_29/2011_09_29_drive_0026_sync/image_02/data/0000000008.png 2011_09_29_drive_0026_sync/proj_depth/groundtruth/image_02/0000000008.png 718.3351 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000626.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000626.png 718.856 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000148.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000148.png 721.5377 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000104.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000104.png 721.5377 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000068.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000068.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001746.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001746.png 718.856 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000074.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000074.png 721.5377 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000081.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000081.png 721.5377 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000277.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000277.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000621.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000621.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002388.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002388.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002538.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002538.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000005082.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000005082.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000347.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000347.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003545.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003545.png 718.856 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000042.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000042.png 721.5377 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000029.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000029.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000215.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000215.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003430.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003430.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001987.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001987.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002192.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002192.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001453.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001453.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000138.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000138.png 721.5377 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000148.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000148.png 721.5377 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000170.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000170.png 721.5377 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000028.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000028.png 721.5377 +2011_09_26/2011_09_26_drive_0005_sync/image_02/data/0000000061.png 2011_09_26_drive_0005_sync/proj_depth/groundtruth/image_02/0000000061.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000762.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000762.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003432.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003432.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000271.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000271.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002623.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002623.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004551.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004551.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001056.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001056.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000488.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000488.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000594.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000594.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000978.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000978.png 718.856 +2011_09_29/2011_09_29_drive_0026_sync/image_02/data/0000000059.png 2011_09_29_drive_0026_sync/proj_depth/groundtruth/image_02/0000000059.png 718.3351 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000936.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000936.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001682.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001682.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000786.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000786.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001116.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001116.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000930.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000930.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003897.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003897.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000054.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000054.png 718.856 +2011_09_26/2011_09_26_drive_0017_sync/image_02/data/0000000043.png 2011_09_26_drive_0017_sync/proj_depth/groundtruth/image_02/0000000043.png 721.5377 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000251.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000251.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000272.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000272.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001081.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001081.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003125.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003125.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003047.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003047.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000382.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000382.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002561.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002561.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004201.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004201.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000389.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000389.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000409.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000409.png 718.856 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000452.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000452.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003168.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003168.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000535.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000535.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000184.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000184.png 721.5377 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000111.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000111.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001180.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001180.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000984.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000984.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000005098.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000005098.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004647.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004647.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000400.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000400.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001476.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001476.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000537.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000537.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000295.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000295.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002838.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002838.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000034.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000034.png 707.0912 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000018.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000018.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002234.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002234.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002979.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002979.png 707.0912 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000220.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000220.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002458.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002458.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002578.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002578.png 707.0912 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000408.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000408.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001659.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001659.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000121.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000121.png 721.5377 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000282.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000282.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000610.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000610.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001281.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001281.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000921.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000921.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000481.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000481.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004182.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004182.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000249.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000249.png 718.856 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000310.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000310.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000001115.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000001115.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002892.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002892.png 707.0912 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000157.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000157.png 721.5377 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000163.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000163.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000290.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000290.png 707.0912 +2011_09_28/2011_09_28_drive_0001_sync/image_02/data/0000000094.png 2011_09_28_drive_0001_sync/proj_depth/groundtruth/image_02/0000000094.png 707.0493 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000442.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000442.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000709.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000709.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000619.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000619.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000769.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000769.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003187.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003187.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003805.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003805.png 707.0912 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000151.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000151.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004148.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004148.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000874.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000874.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003026.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003026.png 707.0912 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000298.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000298.png 721.5377 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000069.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000069.png 718.3351 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003266.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003266.png 707.0912 +2011_09_26/2011_09_26_drive_0113_sync/image_02/data/0000000045.png 2011_09_26_drive_0113_sync/proj_depth/groundtruth/image_02/0000000045.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000071.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000071.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000172.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000172.png 707.0912 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000248.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000248.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003968.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003968.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001909.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001909.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002952.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002952.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001319.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001319.png 718.856 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000396.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000396.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001126.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001126.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000414.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000414.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000358.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000358.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000937.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000937.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002605.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002605.png 718.856 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000203.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000203.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003454.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003454.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000299.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000299.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002471.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002471.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003129.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003129.png 718.856 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000096.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000096.png 721.5377 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000352.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000352.png 721.5377 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000286.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000286.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003082.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003082.png 718.856 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000286.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000286.png 721.5377 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000243.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000243.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000050.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000050.png 707.0912 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000108.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000108.png 721.5377 +2011_09_26/2011_09_26_drive_0005_sync/image_02/data/0000000095.png 2011_09_26_drive_0005_sync/proj_depth/groundtruth/image_02/0000000095.png 721.5377 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000035.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000035.png 718.3351 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000128.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000128.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000382.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000382.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003679.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003679.png 718.856 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000153.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000153.png 721.5377 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000297.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000297.png 721.5377 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000244.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000244.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003530.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003530.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000323.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000323.png 707.0912 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000251.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000251.png 721.5377 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000239.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000239.png 721.5377 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000038.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000038.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001015.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001015.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000592.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000592.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000077.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000077.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000867.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000867.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003020.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003020.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000266.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000266.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000339.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000339.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001248.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001248.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000576.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000576.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004226.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004226.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000558.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000558.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000377.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000377.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000466.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000466.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000001090.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000001090.png 707.0912 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000315.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000315.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001857.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001857.png 718.856 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000247.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000247.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000027.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000027.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000032.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000032.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000624.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000624.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004184.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004184.png 718.856 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000567.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000567.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002350.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002350.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003345.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003345.png 718.856 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000324.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000324.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000330.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000330.png 718.856 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000141.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000141.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000607.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000607.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001192.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001192.png 707.0912 +2011_09_26/2011_09_26_drive_0113_sync/image_02/data/0000000060.png 2011_09_26_drive_0113_sync/proj_depth/groundtruth/image_02/0000000060.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000458.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000458.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000333.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000333.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002055.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002055.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003261.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003261.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004008.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004008.png 718.856 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000495.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000495.png 721.5377 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000212.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000212.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000480.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000480.png 718.856 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000039.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000039.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004335.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004335.png 707.0912 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000199.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000199.png 721.5377 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000269.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000269.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004160.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004160.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000924.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000924.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001601.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001601.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002903.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002903.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000250.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000250.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000251.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000251.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001427.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001427.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000756.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000756.png 718.856 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000135.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000135.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000078.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000078.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003252.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003252.png 707.0912 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000178.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000178.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003740.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003740.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000667.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000667.png 718.856 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000226.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000226.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001061.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001061.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004607.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004607.png 707.0912 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000068.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000068.png 721.5377 +2011_09_26/2011_09_26_drive_0005_sync/image_02/data/0000000124.png 2011_09_26_drive_0005_sync/proj_depth/groundtruth/image_02/0000000124.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003772.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003772.png 718.856 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000367.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000367.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000048.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000048.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000306.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000306.png 718.856 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000066.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000066.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000735.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000735.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001106.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001106.png 707.0912 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000291.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000291.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004654.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004654.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000369.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000369.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000001087.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000001087.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000350.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000350.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000313.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000313.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000897.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000897.png 707.0912 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000248.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000248.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000893.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000893.png 718.856 +2011_09_26/2011_09_26_drive_0035_sync/image_02/data/0000000024.png 2011_09_26_drive_0035_sync/proj_depth/groundtruth/image_02/0000000024.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002850.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002850.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000005158.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000005158.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001879.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001879.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000579.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000579.png 718.856 +2011_09_26/2011_09_26_drive_0035_sync/image_02/data/0000000118.png 2011_09_26_drive_0035_sync/proj_depth/groundtruth/image_02/0000000118.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001157.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001157.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003548.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003548.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000147.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000147.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002227.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002227.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002220.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002220.png 707.0912 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000262.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000262.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001920.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001920.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002683.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002683.png 707.0912 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000194.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000194.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000472.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000472.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000652.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000652.png 707.0912 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000038.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000038.png 721.5377 +2011_09_26/2011_09_26_drive_0060_sync/image_02/data/0000000063.png 2011_09_26_drive_0060_sync/proj_depth/groundtruth/image_02/0000000063.png 721.5377 +2011_09_29/2011_09_29_drive_0026_sync/image_02/data/0000000092.png 2011_09_29_drive_0026_sync/proj_depth/groundtruth/image_02/0000000092.png 718.3351 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002961.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002961.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003769.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003769.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004605.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004605.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000627.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000627.png 721.5377 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000132.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000132.png 718.3351 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000167.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000167.png 718.856 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000174.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000174.png 721.5377 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000223.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000223.png 721.5377 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000057.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000057.png 721.5377 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000395.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000395.png 721.5377 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000114.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000114.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000732.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000732.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001541.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001541.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001571.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001571.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000260.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000260.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004386.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004386.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000840.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000840.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000517.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000517.png 718.856 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000579.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000579.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000643.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000643.png 707.0912 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000097.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000097.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003375.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003375.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001758.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001758.png 718.856 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000030.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000030.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001294.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001294.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000548.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000548.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000166.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000166.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001059.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001059.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003251.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003251.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000108.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000108.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000005162.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000005162.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001210.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001210.png 707.0912 +2011_09_26/2011_09_26_drive_0079_sync/image_02/data/0000000047.png 2011_09_26_drive_0079_sync/proj_depth/groundtruth/image_02/0000000047.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003490.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003490.png 718.856 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000322.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000322.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003642.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003642.png 707.0912 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000221.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000221.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001760.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001760.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002179.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002179.png 718.856 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000061.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000061.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000057.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000057.png 718.856 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000198.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000198.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000517.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000517.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004219.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004219.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002384.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002384.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002831.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002831.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003571.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003571.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004094.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004094.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000955.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000955.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000136.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000136.png 707.0912 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000330.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000330.png 721.5377 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000294.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000294.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002467.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002467.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000184.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000184.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002487.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002487.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004900.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004900.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000221.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000221.png 718.856 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000244.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000244.png 721.5377 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000156.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000156.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000176.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000176.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001022.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001022.png 718.856 +2011_09_26/2011_09_26_drive_0001_sync/image_02/data/0000000059.png 2011_09_26_drive_0001_sync/proj_depth/groundtruth/image_02/0000000059.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001306.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001306.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003198.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003198.png 718.856 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000195.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000195.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000030.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000030.png 718.856 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000026.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000026.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000285.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000285.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001045.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001045.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000284.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000284.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000403.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000403.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000171.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000171.png 718.856 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000193.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000193.png 718.3351 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000275.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000275.png 721.5377 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000267.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000267.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003158.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003158.png 718.856 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000231.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000231.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000743.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000743.png 707.0912 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000254.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000254.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001372.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001372.png 707.0912 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000185.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000185.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000959.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000959.png 718.856 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000029.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000029.png 721.5377 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000233.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000233.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000693.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000693.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002532.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002532.png 718.856 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000345.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000345.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001472.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001472.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001547.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001547.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004653.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004653.png 718.856 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000670.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000670.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001007.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001007.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000005011.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000005011.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001928.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001928.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004153.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004153.png 718.856 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000375.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000375.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003448.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003448.png 718.856 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000326.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000326.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000632.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000632.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004394.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004394.png 718.856 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000375.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000375.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004234.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004234.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000666.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000666.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000759.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000759.png 707.0912 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000345.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000345.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002822.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002822.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002550.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002550.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000183.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000183.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001271.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001271.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000486.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000486.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002284.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002284.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000952.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000952.png 718.856 +2011_09_26/2011_09_26_drive_0113_sync/image_02/data/0000000047.png 2011_09_26_drive_0113_sync/proj_depth/groundtruth/image_02/0000000047.png 721.5377 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000059.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000059.png 721.5377 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000015.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000015.png 718.3351 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000660.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000660.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000224.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000224.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003567.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003567.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001869.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001869.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002955.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002955.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000017.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000017.png 718.856 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000660.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000660.png 721.5377 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000198.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000198.png 721.5377 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000114.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000114.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002661.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002661.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000953.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000953.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000005136.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000005136.png 707.0912 +2011_09_26/2011_09_26_drive_0035_sync/image_02/data/0000000079.png 2011_09_26_drive_0035_sync/proj_depth/groundtruth/image_02/0000000079.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000135.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000135.png 721.5377 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000095.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000095.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000502.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000502.png 721.5377 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000096.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000096.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002470.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002470.png 707.0912 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000308.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000308.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003902.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003902.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001168.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001168.png 707.0912 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000170.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000170.png 718.3351 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004049.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004049.png 718.856 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000178.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000178.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003224.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003224.png 707.0912 +2011_09_26/2011_09_26_drive_0005_sync/image_02/data/0000000037.png 2011_09_26_drive_0005_sync/proj_depth/groundtruth/image_02/0000000037.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000738.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000738.png 707.0912 +2011_09_29/2011_09_29_drive_0026_sync/image_02/data/0000000088.png 2011_09_29_drive_0026_sync/proj_depth/groundtruth/image_02/0000000088.png 718.3351 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000755.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000755.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000101.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000101.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003683.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003683.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000407.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000407.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004990.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004990.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002756.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002756.png 707.0912 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000011.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000011.png 721.5377 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000168.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000168.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003033.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003033.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000321.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000321.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001683.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001683.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000302.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000302.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000211.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000211.png 707.0912 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000068.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000068.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002232.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002232.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002869.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002869.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000153.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000153.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002657.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002657.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003611.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003611.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002082.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002082.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004416.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004416.png 718.856 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000259.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000259.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000646.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000646.png 718.856 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000154.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000154.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000782.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000782.png 721.5377 +2011_09_26/2011_09_26_drive_0005_sync/image_02/data/0000000024.png 2011_09_26_drive_0005_sync/proj_depth/groundtruth/image_02/0000000024.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000443.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000443.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000679.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000679.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003096.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003096.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000418.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000418.png 707.0912 +2011_09_28/2011_09_28_drive_0001_sync/image_02/data/0000000023.png 2011_09_28_drive_0001_sync/proj_depth/groundtruth/image_02/0000000023.png 707.0493 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000164.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000164.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000611.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000611.png 707.0912 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000084.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000084.png 721.5377 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000113.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000113.png 721.5377 +2011_09_28/2011_09_28_drive_0001_sync/image_02/data/0000000097.png 2011_09_28_drive_0001_sync/proj_depth/groundtruth/image_02/0000000097.png 707.0493 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001073.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001073.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000501.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000501.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001693.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001693.png 718.856 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000323.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000323.png 721.5377 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000112.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000112.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004401.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004401.png 718.856 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000081.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000081.png 721.5377 +2011_09_29/2011_09_29_drive_0026_sync/image_02/data/0000000118.png 2011_09_29_drive_0026_sync/proj_depth/groundtruth/image_02/0000000118.png 718.3351 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004684.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004684.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000619.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000619.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000474.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000474.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000001096.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000001096.png 718.856 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000150.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000150.png 721.5377 +2011_09_29/2011_09_29_drive_0026_sync/image_02/data/0000000130.png 2011_09_29_drive_0026_sync/proj_depth/groundtruth/image_02/0000000130.png 718.3351 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000043.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000043.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000671.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000671.png 721.5377 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000311.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000311.png 721.5377 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000092.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000092.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000455.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000455.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000746.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000746.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004278.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004278.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002100.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002100.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000330.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000330.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002863.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002863.png 718.856 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000118.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000118.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000938.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000938.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002563.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002563.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001189.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001189.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000772.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000772.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001888.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001888.png 707.0912 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000086.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000086.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000001065.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000001065.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004339.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004339.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004600.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004600.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002214.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002214.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000940.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000940.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003831.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003831.png 718.856 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000074.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000074.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000913.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000913.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000809.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000809.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000577.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000577.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000565.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000565.png 707.0912 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000005.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000005.png 721.5377 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000251.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000251.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001436.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001436.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003429.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003429.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000544.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000544.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004674.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004674.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000501.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000501.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001743.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001743.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000392.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000392.png 721.5377 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000133.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000133.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000435.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000435.png 707.0912 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000266.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000266.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000927.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000927.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000847.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000847.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002058.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002058.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000180.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000180.png 721.5377 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000271.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000271.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004382.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004382.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000676.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000676.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000519.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000519.png 707.0912 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000052.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000052.png 721.5377 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000165.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000165.png 721.5377 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000077.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000077.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004299.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004299.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000634.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000634.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000338.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000338.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000965.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000965.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003109.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003109.png 707.0912 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000322.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000322.png 718.3351 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000894.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000894.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001078.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001078.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003140.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003140.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000569.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000569.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000821.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000821.png 707.0912 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000140.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000140.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004050.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004050.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004481.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004481.png 718.856 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000085.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000085.png 721.5377 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000093.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000093.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004429.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004429.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004592.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004592.png 707.0912 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000252.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000252.png 721.5377 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000138.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000138.png 721.5377 +2011_09_29/2011_09_29_drive_0026_sync/image_02/data/0000000035.png 2011_09_29_drive_0026_sync/proj_depth/groundtruth/image_02/0000000035.png 718.3351 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000001071.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000001071.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001631.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001631.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000760.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000760.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003447.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003447.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001861.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001861.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000990.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000990.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003265.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003265.png 718.856 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000446.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000446.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003390.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003390.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000795.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000795.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000111.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000111.png 718.856 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000091.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000091.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001515.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001515.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000001158.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000001158.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003404.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003404.png 718.856 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000046.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000046.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004466.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004466.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001178.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001178.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000046.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000046.png 707.0912 +2011_09_28/2011_09_28_drive_0001_sync/image_02/data/0000000099.png 2011_09_28_drive_0001_sync/proj_depth/groundtruth/image_02/0000000099.png 707.0493 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000005029.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000005029.png 707.0912 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000115.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000115.png 721.5377 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000359.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000359.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004565.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004565.png 718.856 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000034.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000034.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000236.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000236.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004639.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004639.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000495.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000495.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000485.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000485.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000985.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000985.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002664.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002664.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000001015.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000001015.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002954.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002954.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001768.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001768.png 718.856 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000116.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000116.png 721.5377 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000273.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000273.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000881.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000881.png 707.0912 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000239.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000239.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000286.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000286.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000001089.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000001089.png 707.0912 +2011_09_26/2011_09_26_drive_0005_sync/image_02/data/0000000118.png 2011_09_26_drive_0005_sync/proj_depth/groundtruth/image_02/0000000118.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000879.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000879.png 707.0912 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000313.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000313.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000829.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000829.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000228.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000228.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002371.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002371.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000500.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000500.png 718.856 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000248.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000248.png 721.5377 +2011_09_26/2011_09_26_drive_0017_sync/image_02/data/0000000049.png 2011_09_26_drive_0017_sync/proj_depth/groundtruth/image_02/0000000049.png 721.5377 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000249.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000249.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001678.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001678.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001495.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001495.png 707.0912 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000085.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000085.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000651.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000651.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000110.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000110.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001169.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001169.png 707.0912 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000042.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000042.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000443.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000443.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002701.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002701.png 718.856 +2011_09_26/2011_09_26_drive_0005_sync/image_02/data/0000000065.png 2011_09_26_drive_0005_sync/proj_depth/groundtruth/image_02/0000000065.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004477.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004477.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003528.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003528.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001610.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001610.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003286.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003286.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000103.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000103.png 707.0912 +2011_09_29/2011_09_29_drive_0026_sync/image_02/data/0000000069.png 2011_09_29_drive_0026_sync/proj_depth/groundtruth/image_02/0000000069.png 718.3351 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000237.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000237.png 718.3351 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000347.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000347.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000103.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000103.png 707.0912 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000184.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000184.png 721.5377 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000320.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000320.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000579.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000579.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000379.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000379.png 707.0912 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000144.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000144.png 721.5377 +2011_09_26/2011_09_26_drive_0035_sync/image_02/data/0000000014.png 2011_09_26_drive_0035_sync/proj_depth/groundtruth/image_02/0000000014.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004383.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004383.png 707.0912 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000285.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000285.png 721.5377 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000190.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000190.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000144.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000144.png 707.0912 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000124.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000124.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001156.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001156.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004500.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004500.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003265.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003265.png 707.0912 +2011_09_26/2011_09_26_drive_0001_sync/image_02/data/0000000093.png 2011_09_26_drive_0001_sync/proj_depth/groundtruth/image_02/0000000093.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000001033.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000001033.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000702.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000702.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000483.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000483.png 721.5377 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000108.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000108.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000881.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000881.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000434.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000434.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003717.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003717.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000005132.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000005132.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000286.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000286.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000042.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000042.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000039.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000039.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000545.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000545.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000107.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000107.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002935.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002935.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000532.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000532.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002392.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002392.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001728.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001728.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003706.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003706.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000184.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000184.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000131.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000131.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000082.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000082.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000805.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000805.png 707.0912 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000125.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000125.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002480.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002480.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003213.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003213.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000552.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000552.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004692.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004692.png 707.0912 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000076.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000076.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000120.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000120.png 707.0912 +2011_09_29/2011_09_29_drive_0026_sync/image_02/data/0000000150.png 2011_09_29_drive_0026_sync/proj_depth/groundtruth/image_02/0000000150.png 718.3351 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002230.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002230.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002555.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002555.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000920.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000920.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000200.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000200.png 707.0912 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000085.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000085.png 718.3351 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001173.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001173.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000867.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000867.png 718.856 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000134.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000134.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004253.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004253.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000895.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000895.png 707.0912 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000249.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000249.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003736.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003736.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000466.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000466.png 707.0912 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000303.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000303.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000182.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000182.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004341.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004341.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000651.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000651.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002616.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002616.png 718.856 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000306.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000306.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000592.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000592.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000236.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000236.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001020.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001020.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000742.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000742.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003398.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003398.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000168.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000168.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000656.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000656.png 718.856 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000122.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000122.png 721.5377 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000214.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000214.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000249.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000249.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000685.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000685.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002050.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002050.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000489.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000489.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000733.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000733.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002943.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002943.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002317.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002317.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002125.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002125.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003900.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003900.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002846.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002846.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000005064.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000005064.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004471.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004471.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000464.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000464.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000033.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000033.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000482.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000482.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004454.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004454.png 718.856 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000124.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000124.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002849.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002849.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000137.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000137.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002206.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002206.png 707.0912 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000117.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000117.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000023.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000023.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001724.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001724.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000803.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000803.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001394.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001394.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002793.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002793.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000006.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000006.png 707.0912 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000053.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000053.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000068.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000068.png 721.5377 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000060.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000060.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004743.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004743.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000420.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000420.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004022.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004022.png 718.856 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000336.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000336.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001954.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001954.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000005095.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000005095.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003306.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003306.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000080.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000080.png 721.5377 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000219.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000219.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004452.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004452.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000731.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000731.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004645.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004645.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002147.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002147.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000244.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000244.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000059.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000059.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003652.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003652.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004420.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004420.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000601.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000601.png 707.0912 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000155.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000155.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003255.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003255.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000138.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000138.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000464.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000464.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000107.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000107.png 718.856 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000596.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000596.png 721.5377 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000168.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000168.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004535.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004535.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003442.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003442.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003379.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003379.png 718.856 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000513.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000513.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000847.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000847.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001134.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001134.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000484.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000484.png 721.5377 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000092.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000092.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000781.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000781.png 707.0912 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000176.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000176.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000574.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000574.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003210.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003210.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004658.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004658.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004211.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004211.png 707.0912 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000133.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000133.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003213.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003213.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000307.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000307.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000707.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000707.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002209.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002209.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000874.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000874.png 707.0912 +2011_09_26/2011_09_26_drive_0001_sync/image_02/data/0000000044.png 2011_09_26_drive_0001_sync/proj_depth/groundtruth/image_02/0000000044.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001852.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001852.png 707.0912 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000302.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000302.png 721.5377 +2011_09_26/2011_09_26_drive_0079_sync/image_02/data/0000000052.png 2011_09_26_drive_0079_sync/proj_depth/groundtruth/image_02/0000000052.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002972.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002972.png 707.0912 +2011_09_26/2011_09_26_drive_0017_sync/image_02/data/0000000064.png 2011_09_26_drive_0017_sync/proj_depth/groundtruth/image_02/0000000064.png 721.5377 +2011_09_26/2011_09_26_drive_0005_sync/image_02/data/0000000015.png 2011_09_26_drive_0005_sync/proj_depth/groundtruth/image_02/0000000015.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002673.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002673.png 707.0912 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000353.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000353.png 721.5377 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000372.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000372.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000399.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000399.png 707.0912 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000006.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000006.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000630.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000630.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000483.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000483.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004486.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004486.png 718.856 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000071.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000071.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000742.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000742.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000778.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000778.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002610.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002610.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003672.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003672.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000716.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000716.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001171.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001171.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001451.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001451.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000218.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000218.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000739.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000739.png 707.0912 +2011_09_26/2011_09_26_drive_0035_sync/image_02/data/0000000016.png 2011_09_26_drive_0035_sync/proj_depth/groundtruth/image_02/0000000016.png 721.5377 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000121.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000121.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000353.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000353.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000452.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000452.png 707.0912 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000249.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000249.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002256.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002256.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000022.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000022.png 707.0912 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000214.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000214.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000435.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000435.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001078.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001078.png 707.0912 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000147.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000147.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000012.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000012.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000001008.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000001008.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001552.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001552.png 718.856 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000132.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000132.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003682.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003682.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000564.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000564.png 718.856 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000048.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000048.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003940.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003940.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000396.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000396.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000001071.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000001071.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000001105.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000001105.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001710.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001710.png 707.0912 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000079.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000079.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000102.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000102.png 718.856 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000314.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000314.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000173.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000173.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000005050.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000005050.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000997.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000997.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000964.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000964.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004686.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004686.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000577.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000577.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004119.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004119.png 718.856 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000288.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000288.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000704.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000704.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002238.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002238.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002901.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002901.png 718.856 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000144.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000144.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000108.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000108.png 718.856 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000010.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000010.png 721.5377 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000267.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000267.png 721.5377 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000148.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000148.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004214.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004214.png 718.856 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000103.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000103.png 721.5377 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000007.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000007.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000706.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000706.png 721.5377 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000207.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000207.png 721.5377 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000074.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000074.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000408.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000408.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001115.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001115.png 707.0912 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000087.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000087.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002512.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002512.png 707.0912 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000182.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000182.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000068.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000068.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000409.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000409.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000034.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000034.png 721.5377 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000055.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000055.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003958.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003958.png 718.856 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000163.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000163.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000722.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000722.png 707.0912 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000011.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000011.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002976.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002976.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001963.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001963.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002841.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002841.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001333.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001333.png 707.0912 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000050.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000050.png 721.5377 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000157.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000157.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000496.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000496.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003825.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003825.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004010.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004010.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000722.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000722.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000820.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000820.png 707.0912 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000303.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000303.png 721.5377 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000020.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000020.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000600.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000600.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000924.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000924.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000267.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000267.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001215.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001215.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000396.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000396.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001444.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001444.png 707.0912 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000140.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000140.png 718.3351 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000548.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000548.png 721.5377 +2011_09_26/2011_09_26_drive_0113_sync/image_02/data/0000000018.png 2011_09_26_drive_0113_sync/proj_depth/groundtruth/image_02/0000000018.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000552.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000552.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000704.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000704.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001185.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001185.png 707.0912 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000294.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000294.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000908.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000908.png 718.856 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000230.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000230.png 721.5377 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000297.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000297.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000280.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000280.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000981.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000981.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004232.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004232.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000005133.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000005133.png 707.0912 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000149.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000149.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000535.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000535.png 707.0912 +2011_09_26/2011_09_26_drive_0060_sync/image_02/data/0000000049.png 2011_09_26_drive_0060_sync/proj_depth/groundtruth/image_02/0000000049.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000664.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000664.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003527.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003527.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000233.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000233.png 721.5377 +2011_09_26/2011_09_26_drive_0079_sync/image_02/data/0000000006.png 2011_09_26_drive_0079_sync/proj_depth/groundtruth/image_02/0000000006.png 721.5377 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000318.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000318.png 721.5377 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000016.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000016.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004319.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004319.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000135.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000135.png 718.856 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000131.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000131.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000993.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000993.png 707.0912 +2011_09_26/2011_09_26_drive_0005_sync/image_02/data/0000000011.png 2011_09_26_drive_0005_sync/proj_depth/groundtruth/image_02/0000000011.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002926.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002926.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001530.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001530.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000558.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000558.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000885.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000885.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000919.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000919.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000445.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000445.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004510.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004510.png 718.856 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000034.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000034.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001066.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001066.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000630.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000630.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000987.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000987.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000001108.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000001108.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003256.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003256.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001180.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001180.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003375.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003375.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003934.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003934.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002758.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002758.png 718.856 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000306.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000306.png 721.5377 +2011_09_29/2011_09_29_drive_0026_sync/image_02/data/0000000136.png 2011_09_29_drive_0026_sync/proj_depth/groundtruth/image_02/0000000136.png 718.3351 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001055.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001055.png 707.0912 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000242.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000242.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002775.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002775.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000762.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000762.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004543.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004543.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004482.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004482.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000390.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000390.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004655.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004655.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001230.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001230.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000733.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000733.png 718.856 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000412.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000412.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000245.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000245.png 721.5377 +2011_09_26/2011_09_26_drive_0005_sync/image_02/data/0000000041.png 2011_09_26_drive_0005_sync/proj_depth/groundtruth/image_02/0000000041.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000912.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000912.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000347.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000347.png 707.0912 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000365.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000365.png 721.5377 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000236.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000236.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000461.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000461.png 721.5377 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000254.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000254.png 721.5377 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000310.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000310.png 721.5377 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000113.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000113.png 718.3351 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000014.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000014.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001603.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001603.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001785.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001785.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000085.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000085.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000233.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000233.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003428.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003428.png 718.856 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000153.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000153.png 718.3351 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000096.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000096.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001049.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001049.png 707.0912 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000286.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000286.png 718.3351 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000329.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000329.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002717.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002717.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004346.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004346.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002893.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002893.png 718.856 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000007.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000007.png 721.5377 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000392.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000392.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001065.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001065.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001686.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001686.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003809.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003809.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000686.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000686.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000604.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000604.png 707.0912 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000195.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000195.png 721.5377 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000009.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000009.png 721.5377 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000182.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000182.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004992.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004992.png 707.0912 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000035.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000035.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002165.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002165.png 707.0912 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000184.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000184.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000048.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000048.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002505.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002505.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000001088.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000001088.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001720.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001720.png 707.0912 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000232.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000232.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000215.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000215.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001983.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001983.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000187.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000187.png 718.856 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000242.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000242.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000001130.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000001130.png 718.856 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000056.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000056.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000684.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000684.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002006.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002006.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000140.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000140.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004656.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004656.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003237.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003237.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000933.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000933.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000138.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000138.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002969.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002969.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002708.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002708.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000537.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000537.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004251.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004251.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000488.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000488.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002845.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002845.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001754.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001754.png 718.856 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000256.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000256.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004158.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004158.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000607.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000607.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000001022.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000001022.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001174.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001174.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000001126.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000001126.png 718.856 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000125.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000125.png 721.5377 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000163.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000163.png 718.3351 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003423.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003423.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001478.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001478.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004928.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004928.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000510.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000510.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000288.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000288.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003762.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003762.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000805.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000805.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001797.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001797.png 718.856 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000706.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000706.png 721.5377 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000171.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000171.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000493.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000493.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000230.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000230.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000083.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000083.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000166.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000166.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003570.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003570.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000131.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000131.png 707.0912 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000247.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000247.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000589.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000589.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000015.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000015.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001463.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001463.png 707.0912 +2011_09_26/2011_09_26_drive_0035_sync/image_02/data/0000000081.png 2011_09_26_drive_0035_sync/proj_depth/groundtruth/image_02/0000000081.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000587.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000587.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000703.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000703.png 718.856 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000147.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000147.png 721.5377 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000044.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000044.png 721.5377 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000172.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000172.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000250.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000250.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003968.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003968.png 707.0912 +2011_09_28/2011_09_28_drive_0001_sync/image_02/data/0000000059.png 2011_09_28_drive_0001_sync/proj_depth/groundtruth/image_02/0000000059.png 707.0493 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000737.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000737.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000491.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000491.png 707.0912 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000179.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000179.png 721.5377 +2011_09_26/2011_09_26_drive_0113_sync/image_02/data/0000000015.png 2011_09_26_drive_0113_sync/proj_depth/groundtruth/image_02/0000000015.png 721.5377 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000278.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000278.png 718.3351 +2011_09_26/2011_09_26_drive_0079_sync/image_02/data/0000000036.png 2011_09_26_drive_0079_sync/proj_depth/groundtruth/image_02/0000000036.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000690.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000690.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000745.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000745.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000544.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000544.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000218.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000218.png 707.0912 +2011_09_26/2011_09_26_drive_0079_sync/image_02/data/0000000063.png 2011_09_26_drive_0079_sync/proj_depth/groundtruth/image_02/0000000063.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002292.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002292.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000148.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000148.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000115.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000115.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000966.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000966.png 707.0912 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000073.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000073.png 721.5377 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000385.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000385.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000369.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000369.png 721.5377 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000040.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000040.png 718.3351 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000405.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000405.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000926.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000926.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003119.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003119.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000469.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000469.png 718.856 +2011_09_29/2011_09_29_drive_0026_sync/image_02/data/0000000083.png 2011_09_29_drive_0026_sync/proj_depth/groundtruth/image_02/0000000083.png 718.3351 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000510.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000510.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000501.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000501.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000001161.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000001161.png 718.856 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000027.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000027.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004156.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004156.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004058.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004058.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004066.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004066.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000428.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000428.png 718.856 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000128.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000128.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000131.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000131.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000757.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000757.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001127.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001127.png 707.0912 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000085.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000085.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001302.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001302.png 707.0912 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000220.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000220.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001318.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001318.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004037.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004037.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000314.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000314.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004016.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004016.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004005.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004005.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000555.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000555.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001276.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001276.png 707.0912 +2011_09_26/2011_09_26_drive_0060_sync/image_02/data/0000000037.png 2011_09_26_drive_0060_sync/proj_depth/groundtruth/image_02/0000000037.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002209.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002209.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000267.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000267.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002330.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002330.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000803.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000803.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000047.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000047.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000059.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000059.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000171.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000171.png 721.5377 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000386.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000386.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000888.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000888.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001113.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001113.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000677.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000677.png 707.0912 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000206.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000206.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003863.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003863.png 718.856 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000010.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000010.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001075.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001075.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003296.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003296.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000001086.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000001086.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003720.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003720.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004326.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004326.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002461.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002461.png 707.0912 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000040.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000040.png 721.5377 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000011.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000011.png 718.3351 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000973.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000973.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003724.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003724.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004242.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004242.png 718.856 +2011_09_26/2011_09_26_drive_0060_sync/image_02/data/0000000041.png 2011_09_26_drive_0060_sync/proj_depth/groundtruth/image_02/0000000041.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001196.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001196.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002975.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002975.png 707.0912 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000069.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000069.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000559.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000559.png 718.856 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000226.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000226.png 721.5377 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000098.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000098.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000283.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000283.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003214.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003214.png 718.856 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000170.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000170.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001245.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001245.png 718.856 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000346.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000346.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001819.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001819.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002149.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002149.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000381.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000381.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000001033.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000001033.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001293.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001293.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001388.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001388.png 707.0912 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000029.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000029.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003753.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003753.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002001.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002001.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003054.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003054.png 718.856 +2011_09_26/2011_09_26_drive_0001_sync/image_02/data/0000000050.png 2011_09_26_drive_0001_sync/proj_depth/groundtruth/image_02/0000000050.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001063.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001063.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001918.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001918.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002696.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002696.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004449.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004449.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003895.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003895.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000042.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000042.png 707.0912 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000093.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000093.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000257.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000257.png 721.5377 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000262.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000262.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000681.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000681.png 718.856 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000420.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000420.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000943.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000943.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001476.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001476.png 718.856 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000555.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000555.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000187.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000187.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001221.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001221.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000198.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000198.png 707.0912 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000222.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000222.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000749.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000749.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000937.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000937.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000001129.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000001129.png 718.856 +2011_09_26/2011_09_26_drive_0079_sync/image_02/data/0000000065.png 2011_09_26_drive_0079_sync/proj_depth/groundtruth/image_02/0000000065.png 721.5377 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000235.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000235.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001259.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001259.png 707.0912 +2011_09_26/2011_09_26_drive_0079_sync/image_02/data/0000000010.png 2011_09_26_drive_0079_sync/proj_depth/groundtruth/image_02/0000000010.png 721.5377 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000203.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000203.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001866.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001866.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004000.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004000.png 707.0912 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000273.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000273.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000023.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000023.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000642.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000642.png 718.856 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000459.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000459.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000886.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000886.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003125.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003125.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000431.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000431.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000729.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000729.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003452.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003452.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000244.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000244.png 707.0912 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000254.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000254.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000264.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000264.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000450.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000450.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002724.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002724.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000619.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000619.png 707.0912 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000220.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000220.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000480.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000480.png 721.5377 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000058.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000058.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000787.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000787.png 707.0912 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000135.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000135.png 718.3351 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000779.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000779.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004882.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004882.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003139.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003139.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002762.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002762.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004641.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004641.png 718.856 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000357.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000357.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001006.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001006.png 707.0912 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000362.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000362.png 721.5377 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000221.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000221.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001581.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001581.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002407.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002407.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000276.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000276.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000058.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000058.png 707.0912 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000311.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000311.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000853.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000853.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001719.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001719.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001698.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001698.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000115.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000115.png 707.0912 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000083.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000083.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001990.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001990.png 707.0912 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000251.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000251.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001570.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001570.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002980.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002980.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000538.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000538.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004450.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004450.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002106.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002106.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000903.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000903.png 718.856 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000230.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000230.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000777.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000777.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002924.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002924.png 707.0912 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000289.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000289.png 721.5377 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000432.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000432.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000001017.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000001017.png 718.856 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000242.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000242.png 721.5377 +2011_09_26/2011_09_26_drive_0035_sync/image_02/data/0000000060.png 2011_09_26_drive_0035_sync/proj_depth/groundtruth/image_02/0000000060.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000124.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000124.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003456.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003456.png 707.0912 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000307.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000307.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003687.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003687.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002703.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002703.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003207.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003207.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004294.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004294.png 707.0912 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000268.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000268.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002310.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002310.png 707.0912 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000199.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000199.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000243.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000243.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004749.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004749.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002306.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002306.png 718.856 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000225.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000225.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000014.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000014.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002254.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002254.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000427.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000427.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001862.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001862.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000292.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000292.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000328.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000328.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001374.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001374.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002379.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002379.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000169.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000169.png 707.0912 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000400.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000400.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000828.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000828.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004268.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004268.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003259.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003259.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001689.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001689.png 718.856 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000096.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000096.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000201.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000201.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000005091.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000005091.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000310.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000310.png 721.5377 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000392.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000392.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001198.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001198.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000540.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000540.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001008.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001008.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002982.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002982.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000641.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000641.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000969.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000969.png 707.0912 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000157.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000157.png 721.5377 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000196.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000196.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000001050.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000001050.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000174.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000174.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002831.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002831.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002799.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002799.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003920.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003920.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003771.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003771.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000415.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000415.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001071.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001071.png 707.0912 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000009.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000009.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000472.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000472.png 718.856 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000160.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000160.png 721.5377 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000131.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000131.png 721.5377 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000438.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000438.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002667.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002667.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002913.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002913.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004257.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004257.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000344.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000344.png 707.0912 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000097.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000097.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000461.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000461.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000412.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000412.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000949.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000949.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000728.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000728.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001205.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001205.png 718.856 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000375.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000375.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000019.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000019.png 718.856 +2011_09_26/2011_09_26_drive_0001_sync/image_02/data/0000000038.png 2011_09_26_drive_0001_sync/proj_depth/groundtruth/image_02/0000000038.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001091.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001091.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001437.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001437.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001143.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001143.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000816.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000816.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000563.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000563.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001836.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001836.png 707.0912 +2011_09_26/2011_09_26_drive_0001_sync/image_02/data/0000000079.png 2011_09_26_drive_0001_sync/proj_depth/groundtruth/image_02/0000000079.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000793.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000793.png 707.0912 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000026.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000026.png 721.5377 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000257.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000257.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004557.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004557.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001780.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001780.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000151.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000151.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001935.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001935.png 718.856 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000012.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000012.png 721.5377 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000205.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000205.png 721.5377 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000178.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000178.png 721.5377 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000090.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000090.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002679.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002679.png 707.0912 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000163.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000163.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002680.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002680.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000333.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000333.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000672.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000672.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000402.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000402.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000001057.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000001057.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000178.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000178.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000470.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000470.png 718.856 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000523.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000523.png 721.5377 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000239.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000239.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002886.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002886.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002474.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002474.png 707.0912 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000207.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000207.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004870.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004870.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004224.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004224.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002997.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002997.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003945.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003945.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002511.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002511.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004165.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004165.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000325.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000325.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000307.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000307.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003079.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003079.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001266.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001266.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000369.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000369.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000517.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000517.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003473.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003473.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001038.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001038.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000526.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000526.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004480.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004480.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000005072.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000005072.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000234.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000234.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002287.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002287.png 707.0912 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000161.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000161.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003073.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003073.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000585.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000585.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000940.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000940.png 707.0912 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000145.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000145.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000908.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000908.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000136.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000136.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000001024.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000001024.png 707.0912 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000126.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000126.png 721.5377 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000283.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000283.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001685.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001685.png 718.856 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000346.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000346.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003112.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003112.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000883.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000883.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000563.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000563.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000553.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000553.png 707.0912 +2011_09_26/2011_09_26_drive_0005_sync/image_02/data/0000000023.png 2011_09_26_drive_0005_sync/proj_depth/groundtruth/image_02/0000000023.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001997.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001997.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000912.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000912.png 707.0912 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000109.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000109.png 718.3351 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002700.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002700.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002300.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002300.png 718.856 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000228.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000228.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003032.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003032.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004077.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004077.png 718.856 +2011_09_26/2011_09_26_drive_0005_sync/image_02/data/0000000082.png 2011_09_26_drive_0005_sync/proj_depth/groundtruth/image_02/0000000082.png 721.5377 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000059.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000059.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000642.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000642.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000783.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000783.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000005003.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000005003.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000811.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000811.png 718.856 +2011_09_26/2011_09_26_drive_0113_sync/image_02/data/0000000028.png 2011_09_26_drive_0113_sync/proj_depth/groundtruth/image_02/0000000028.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001538.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001538.png 707.0912 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000011.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000011.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001408.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001408.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003126.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003126.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003433.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003433.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000232.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000232.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003126.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003126.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000009.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000009.png 707.0912 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000296.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000296.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000031.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000031.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004799.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004799.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000408.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000408.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004189.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004189.png 707.0912 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000330.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000330.png 721.5377 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000363.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000363.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003070.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003070.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003044.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003044.png 718.856 +2011_09_26/2011_09_26_drive_0079_sync/image_02/data/0000000023.png 2011_09_26_drive_0079_sync/proj_depth/groundtruth/image_02/0000000023.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000294.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000294.png 721.5377 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000081.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000081.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000851.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000851.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002402.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002402.png 718.856 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000219.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000219.png 718.3351 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000091.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000091.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001586.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001586.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004105.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004105.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000158.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000158.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000798.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000798.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003033.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003033.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002741.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002741.png 718.856 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000398.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000398.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000388.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000388.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002491.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002491.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000863.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000863.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000669.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000669.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004914.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004914.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000691.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000691.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000916.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000916.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000593.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000593.png 721.5377 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000376.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000376.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003522.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003522.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003545.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003545.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000537.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000537.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003722.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003722.png 718.856 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000155.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000155.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000205.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000205.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000345.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000345.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000476.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000476.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000366.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000366.png 718.856 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000366.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000366.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004430.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004430.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000218.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000218.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004261.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004261.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000458.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000458.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003695.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003695.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000589.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000589.png 718.856 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000031.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000031.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004331.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004331.png 707.0912 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000043.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000043.png 721.5377 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000256.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000256.png 718.3351 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001471.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001471.png 718.856 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000198.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000198.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000784.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000784.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001626.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001626.png 707.0912 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000083.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000083.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000576.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000576.png 707.0912 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000102.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000102.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000107.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000107.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002062.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002062.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000341.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000341.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000005170.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000005170.png 707.0912 +2011_09_26/2011_09_26_drive_0001_sync/image_02/data/0000000033.png 2011_09_26_drive_0001_sync/proj_depth/groundtruth/image_02/0000000033.png 721.5377 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000068.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000068.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000600.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000600.png 707.0912 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000292.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000292.png 718.3351 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000842.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000842.png 707.0912 +2011_09_26/2011_09_26_drive_0017_sync/image_02/data/0000000070.png 2011_09_26_drive_0017_sync/proj_depth/groundtruth/image_02/0000000070.png 721.5377 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000279.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000279.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003957.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003957.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000182.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000182.png 707.0912 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000355.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000355.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004163.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004163.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000016.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000016.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001883.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001883.png 707.0912 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000084.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000084.png 718.3351 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000030.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000030.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004041.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004041.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000838.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000838.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000577.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000577.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002740.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002740.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001555.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001555.png 718.856 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000035.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000035.png 721.5377 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000120.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000120.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003016.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003016.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002199.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002199.png 707.0912 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000005.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000005.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003048.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003048.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000107.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000107.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001061.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001061.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000055.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000055.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003788.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003788.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003598.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003598.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000928.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000928.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002118.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002118.png 707.0912 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000057.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000057.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003108.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003108.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001592.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001592.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000550.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000550.png 718.856 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000035.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000035.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000335.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000335.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002144.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002144.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004065.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004065.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004085.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004085.png 718.856 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000574.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000574.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004769.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004769.png 707.0912 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000261.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000261.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001534.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001534.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004238.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004238.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004777.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004777.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000376.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000376.png 707.0912 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000269.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000269.png 721.5377 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000078.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000078.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001586.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001586.png 707.0912 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000300.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000300.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000030.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000030.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000881.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000881.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000797.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000797.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000474.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000474.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004904.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004904.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000198.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000198.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000100.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000100.png 721.5377 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000201.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000201.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000616.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000616.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000362.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000362.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000650.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000650.png 721.5377 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000306.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000306.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000085.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000085.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000787.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000787.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000027.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000027.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004206.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004206.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000148.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000148.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000926.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000926.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000585.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000585.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000723.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000723.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000100.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000100.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001543.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001543.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000717.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000717.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000850.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000850.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004346.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004346.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004591.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004591.png 718.856 +2011_09_28/2011_09_28_drive_0001_sync/image_02/data/0000000069.png 2011_09_28_drive_0001_sync/proj_depth/groundtruth/image_02/0000000069.png 707.0493 +2011_09_29/2011_09_29_drive_0026_sync/image_02/data/0000000087.png 2011_09_29_drive_0026_sync/proj_depth/groundtruth/image_02/0000000087.png 718.3351 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000326.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000326.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001121.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001121.png 718.856 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000035.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000035.png 721.5377 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000173.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000173.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004507.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004507.png 718.856 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000140.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000140.png 721.5377 +2011_09_26/2011_09_26_drive_0017_sync/image_02/data/0000000101.png 2011_09_26_drive_0017_sync/proj_depth/groundtruth/image_02/0000000101.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000100.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000100.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004620.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004620.png 718.856 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000207.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000207.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000708.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000708.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002493.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002493.png 718.856 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000149.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000149.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000546.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000546.png 707.0912 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000026.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000026.png 721.5377 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000205.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000205.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000314.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000314.png 707.0912 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000063.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000063.png 721.5377 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000406.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000406.png 721.5377 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000181.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000181.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000400.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000400.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002152.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002152.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000148.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000148.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003904.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003904.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000032.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000032.png 707.0912 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000107.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000107.png 721.5377 +2011_09_26/2011_09_26_drive_0017_sync/image_02/data/0000000076.png 2011_09_26_drive_0017_sync/proj_depth/groundtruth/image_02/0000000076.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004764.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004764.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000642.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000642.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000572.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000572.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000058.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000058.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000428.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000428.png 721.5377 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000116.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000116.png 721.5377 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000013.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000013.png 718.3351 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000332.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000332.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000651.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000651.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000407.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000407.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003805.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003805.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001966.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001966.png 718.856 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000107.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000107.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000499.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000499.png 707.0912 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000381.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000381.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003969.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003969.png 707.0912 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000041.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000041.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003146.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003146.png 707.0912 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000083.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000083.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000240.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000240.png 707.0912 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000281.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000281.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004634.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004634.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000789.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000789.png 707.0912 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000012.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000012.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002094.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002094.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000093.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000093.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000639.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000639.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000994.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000994.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000365.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000365.png 718.856 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000161.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000161.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000671.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000671.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000561.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000561.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000191.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000191.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001556.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001556.png 707.0912 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000146.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000146.png 718.3351 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000558.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000558.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000909.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000909.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004538.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004538.png 718.856 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000120.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000120.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000673.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000673.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004069.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004069.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000626.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000626.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000329.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000329.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000336.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000336.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000529.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000529.png 721.5377 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000303.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000303.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000590.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000590.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000248.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000248.png 721.5377 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000075.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000075.png 721.5377 +2011_09_26/2011_09_26_drive_0113_sync/image_02/data/0000000033.png 2011_09_26_drive_0113_sync/proj_depth/groundtruth/image_02/0000000033.png 721.5377 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000170.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000170.png 721.5377 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000210.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000210.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002126.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002126.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001225.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001225.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001092.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001092.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000346.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000346.png 718.856 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000361.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000361.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004239.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004239.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001201.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001201.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004097.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004097.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001051.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001051.png 707.0912 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000076.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000076.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000665.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000665.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001905.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001905.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000682.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000682.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003241.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003241.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000311.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000311.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003110.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003110.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001144.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001144.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000475.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000475.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000281.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000281.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000125.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000125.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000020.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000020.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003993.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003993.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001564.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001564.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004492.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004492.png 718.856 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000115.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000115.png 721.5377 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000095.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000095.png 721.5377 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000130.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000130.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004283.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004283.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003416.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003416.png 718.856 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000321.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000321.png 721.5377 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000143.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000143.png 721.5377 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000193.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000193.png 721.5377 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000185.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000185.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000132.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000132.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001311.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001311.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000490.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000490.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001627.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001627.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000754.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000754.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000227.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000227.png 707.0912 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000204.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000204.png 721.5377 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000278.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000278.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004787.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004787.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002196.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002196.png 718.856 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000164.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000164.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002955.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002955.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002665.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002665.png 707.0912 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000023.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000023.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000987.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000987.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000383.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000383.png 721.5377 +2011_09_26/2011_09_26_drive_0060_sync/image_02/data/0000000054.png 2011_09_26_drive_0060_sync/proj_depth/groundtruth/image_02/0000000054.png 721.5377 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000266.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000266.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000586.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000586.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003567.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003567.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003432.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003432.png 718.856 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000165.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000165.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000925.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000925.png 707.0912 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000058.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000058.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000337.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000337.png 718.856 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000041.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000041.png 721.5377 +2011_09_26/2011_09_26_drive_0035_sync/image_02/data/0000000063.png 2011_09_26_drive_0035_sync/proj_depth/groundtruth/image_02/0000000063.png 721.5377 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000287.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000287.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000689.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000689.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000397.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000397.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000149.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000149.png 721.5377 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000224.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000224.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000001056.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000001056.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000587.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000587.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001253.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001253.png 718.856 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000104.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000104.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003853.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003853.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000486.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000486.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000171.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000171.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000158.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000158.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000816.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000816.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002737.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002737.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003506.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003506.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000373.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000373.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004564.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004564.png 718.856 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000236.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000236.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000819.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000819.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000670.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000670.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000059.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000059.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000953.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000953.png 707.0912 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000211.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000211.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000304.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000304.png 721.5377 +2011_09_26/2011_09_26_drive_0017_sync/image_02/data/0000000059.png 2011_09_26_drive_0017_sync/proj_depth/groundtruth/image_02/0000000059.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001227.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001227.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000341.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000341.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003170.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003170.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000352.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000352.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001017.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001017.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000247.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000247.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000353.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000353.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000180.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000180.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000114.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000114.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003132.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003132.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001750.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001750.png 707.0912 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000123.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000123.png 721.5377 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000118.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000118.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000025.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000025.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000005112.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000005112.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002858.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002858.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004123.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004123.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003500.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003500.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000674.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000674.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003038.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003038.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003336.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003336.png 707.0912 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000218.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000218.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003360.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003360.png 718.856 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000565.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000565.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000911.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000911.png 707.0912 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000237.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000237.png 721.5377 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000232.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000232.png 721.5377 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000361.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000361.png 721.5377 +2011_09_26/2011_09_26_drive_0060_sync/image_02/data/0000000057.png 2011_09_26_drive_0060_sync/proj_depth/groundtruth/image_02/0000000057.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000087.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000087.png 707.0912 +2011_09_26/2011_09_26_drive_0079_sync/image_02/data/0000000021.png 2011_09_26_drive_0079_sync/proj_depth/groundtruth/image_02/0000000021.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003531.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003531.png 718.856 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000049.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000049.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002277.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002277.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000471.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000471.png 707.0912 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000214.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000214.png 721.5377 +2011_09_26/2011_09_26_drive_0005_sync/image_02/data/0000000008.png 2011_09_26_drive_0005_sync/proj_depth/groundtruth/image_02/0000000008.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000252.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000252.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000499.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000499.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000015.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000015.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000775.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000775.png 707.0912 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000214.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000214.png 721.5377 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000025.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000025.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000001011.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000001011.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001072.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001072.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000794.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000794.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000073.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000073.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000808.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000808.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000190.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000190.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002187.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002187.png 707.0912 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000197.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000197.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003501.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003501.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000498.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000498.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003553.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003553.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000013.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000013.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004422.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004422.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001474.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001474.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000546.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000546.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002960.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002960.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001220.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001220.png 718.856 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000237.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000237.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004225.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004225.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000380.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000380.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003246.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003246.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000442.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000442.png 718.856 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000243.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000243.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001010.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001010.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003456.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003456.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004600.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004600.png 718.856 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000443.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000443.png 721.5377 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000072.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000072.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001671.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001671.png 718.856 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000186.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000186.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000251.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000251.png 718.856 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000364.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000364.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000350.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000350.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000695.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000695.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002365.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002365.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000666.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000666.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003405.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003405.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000891.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000891.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004156.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004156.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000082.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000082.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000611.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000611.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000425.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000425.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000570.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000570.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000898.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000898.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000005004.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000005004.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003949.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003949.png 718.856 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000323.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000323.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000443.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000443.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004175.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004175.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002747.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002747.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002836.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002836.png 707.0912 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000202.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000202.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000497.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000497.png 721.5377 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000177.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000177.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003386.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003386.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000877.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000877.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001693.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001693.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003238.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003238.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000887.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000887.png 707.0912 +2011_09_26/2011_09_26_drive_0113_sync/image_02/data/0000000016.png 2011_09_26_drive_0113_sync/proj_depth/groundtruth/image_02/0000000016.png 721.5377 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000067.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000067.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001616.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001616.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003351.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003351.png 718.856 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000135.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000135.png 721.5377 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000018.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000018.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000345.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000345.png 721.5377 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000282.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000282.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000265.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000265.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000549.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000549.png 707.0912 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000052.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000052.png 721.5377 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000236.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000236.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001908.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001908.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003332.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003332.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001250.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001250.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000071.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000071.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000557.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000557.png 721.5377 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000246.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000246.png 721.5377 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000137.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000137.png 721.5377 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000422.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000422.png 721.5377 +2011_09_26/2011_09_26_drive_0001_sync/image_02/data/0000000102.png 2011_09_26_drive_0001_sync/proj_depth/groundtruth/image_02/0000000102.png 721.5377 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000091.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000091.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004844.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004844.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001761.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001761.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002669.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002669.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000498.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000498.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000908.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000908.png 707.0912 +2011_09_28/2011_09_28_drive_0001_sync/image_02/data/0000000067.png 2011_09_28_drive_0001_sync/proj_depth/groundtruth/image_02/0000000067.png 707.0493 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000659.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000659.png 707.0912 +2011_09_26/2011_09_26_drive_0017_sync/image_02/data/0000000016.png 2011_09_26_drive_0017_sync/proj_depth/groundtruth/image_02/0000000016.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000359.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000359.png 707.0912 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000340.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000340.png 721.5377 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000130.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000130.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003953.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003953.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002455.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002455.png 718.856 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000462.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000462.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000770.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000770.png 707.0912 +2011_09_26/2011_09_26_drive_0079_sync/image_02/data/0000000040.png 2011_09_26_drive_0079_sync/proj_depth/groundtruth/image_02/0000000040.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000461.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000461.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001439.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001439.png 707.0912 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000278.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000278.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000935.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000935.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004956.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004956.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000259.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000259.png 721.5377 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000078.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000078.png 721.5377 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000137.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000137.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000101.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000101.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002757.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002757.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000909.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000909.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001628.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001628.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001224.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001224.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003041.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003041.png 707.0912 +2011_09_26/2011_09_26_drive_0005_sync/image_02/data/0000000079.png 2011_09_26_drive_0005_sync/proj_depth/groundtruth/image_02/0000000079.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000344.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000344.png 707.0912 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000142.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000142.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000572.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000572.png 721.5377 +2011_09_26/2011_09_26_drive_0035_sync/image_02/data/0000000055.png 2011_09_26_drive_0035_sync/proj_depth/groundtruth/image_02/0000000055.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000648.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000648.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000111.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000111.png 721.5377 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000189.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000189.png 721.5377 +2011_09_29/2011_09_29_drive_0026_sync/image_02/data/0000000139.png 2011_09_29_drive_0026_sync/proj_depth/groundtruth/image_02/0000000139.png 718.3351 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000885.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000885.png 707.0912 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000227.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000227.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002596.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002596.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002218.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002218.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002507.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002507.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004336.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004336.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001124.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001124.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000723.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000723.png 707.0912 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000101.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000101.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001315.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001315.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002573.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002573.png 718.856 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000145.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000145.png 721.5377 +2011_09_26/2011_09_26_drive_0079_sync/image_02/data/0000000079.png 2011_09_26_drive_0079_sync/proj_depth/groundtruth/image_02/0000000079.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000795.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000795.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000609.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000609.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001807.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001807.png 718.856 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000519.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000519.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000846.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000846.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000695.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000695.png 718.856 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000328.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000328.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000172.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000172.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000005065.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000005065.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000792.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000792.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003191.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003191.png 718.856 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000109.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000109.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002115.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002115.png 718.856 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000013.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000013.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000753.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000753.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000221.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000221.png 707.0912 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000161.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000161.png 721.5377 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000244.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000244.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001446.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001446.png 718.856 +2011_09_26/2011_09_26_drive_0079_sync/image_02/data/0000000054.png 2011_09_26_drive_0079_sync/proj_depth/groundtruth/image_02/0000000054.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004817.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004817.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003868.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003868.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000362.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000362.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000285.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000285.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000014.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000014.png 718.856 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000009.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000009.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004247.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004247.png 718.856 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000122.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000122.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001223.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001223.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000266.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000266.png 721.5377 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000315.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000315.png 718.3351 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000230.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000230.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000213.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000213.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001995.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001995.png 718.856 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000349.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000349.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000547.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000547.png 718.856 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000394.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000394.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000196.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000196.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001717.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001717.png 718.856 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000024.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000024.png 721.5377 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000394.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000394.png 721.5377 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000100.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000100.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004188.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004188.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000692.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000692.png 707.0912 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000107.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000107.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000252.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000252.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000342.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000342.png 707.0912 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000252.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000252.png 721.5377 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000124.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000124.png 721.5377 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000106.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000106.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000793.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000793.png 707.0912 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000040.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000040.png 721.5377 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000045.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000045.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003680.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003680.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000373.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000373.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002706.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002706.png 707.0912 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000169.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000169.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003901.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003901.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003354.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003354.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003227.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003227.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003878.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003878.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001051.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001051.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004650.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004650.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002621.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002621.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000440.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000440.png 718.856 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000129.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000129.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000641.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000641.png 707.0912 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000210.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000210.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002002.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002002.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004677.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004677.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002750.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002750.png 718.856 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000415.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000415.png 721.5377 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000258.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000258.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000177.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000177.png 707.0912 +2011_09_26/2011_09_26_drive_0017_sync/image_02/data/0000000048.png 2011_09_26_drive_0017_sync/proj_depth/groundtruth/image_02/0000000048.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004493.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004493.png 718.856 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000254.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000254.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000442.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000442.png 707.0912 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000162.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000162.png 721.5377 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000120.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000120.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004640.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004640.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000005150.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000005150.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001569.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001569.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000689.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000689.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003764.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003764.png 707.0912 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000021.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000021.png 718.3351 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000848.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000848.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001748.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001748.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004519.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004519.png 707.0912 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000196.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000196.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000024.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000024.png 707.0912 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000031.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000031.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001226.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001226.png 707.0912 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000230.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000230.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000068.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000068.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002297.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002297.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001185.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001185.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000188.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000188.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000635.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000635.png 707.0912 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000151.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000151.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000798.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000798.png 718.856 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000239.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000239.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003677.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003677.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004413.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004413.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001030.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001030.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000983.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000983.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000774.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000774.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004280.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004280.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001711.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001711.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000235.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000235.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001929.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001929.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002736.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002736.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000783.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000783.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000165.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000165.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000470.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000470.png 718.856 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000026.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000026.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003147.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003147.png 707.0912 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000107.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000107.png 721.5377 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000260.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000260.png 721.5377 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000249.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000249.png 721.5377 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000079.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000079.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000796.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000796.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000971.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000971.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004784.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004784.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004231.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004231.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000022.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000022.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002189.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002189.png 718.856 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000035.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000035.png 721.5377 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000116.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000116.png 721.5377 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000258.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000258.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001616.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001616.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000540.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000540.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002741.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002741.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000282.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000282.png 707.0912 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000116.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000116.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000405.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000405.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000571.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000571.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000941.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000941.png 718.856 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000021.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000021.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002257.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002257.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000217.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000217.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001988.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001988.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000099.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000099.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004371.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004371.png 707.0912 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000039.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000039.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001798.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001798.png 718.856 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000070.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000070.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001560.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001560.png 718.856 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000086.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000086.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000184.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000184.png 718.856 +2011_09_26/2011_09_26_drive_0001_sync/image_02/data/0000000067.png 2011_09_26_drive_0001_sync/proj_depth/groundtruth/image_02/0000000067.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003813.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003813.png 718.856 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000354.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000354.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004402.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004402.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002872.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002872.png 718.856 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000033.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000033.png 721.5377 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000064.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000064.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000309.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000309.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000384.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000384.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001320.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001320.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000749.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000749.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004313.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004313.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003886.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003886.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001027.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001027.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000645.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000645.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000616.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000616.png 718.856 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000245.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000245.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000057.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000057.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001345.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001345.png 718.856 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000129.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000129.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001344.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001344.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003575.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003575.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003282.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003282.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000214.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000214.png 718.856 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000604.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000604.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000659.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000659.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002800.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002800.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001213.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001213.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001583.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001583.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000372.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000372.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000978.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000978.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003589.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003589.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000697.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000697.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002283.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002283.png 707.0912 +2011_09_26/2011_09_26_drive_0035_sync/image_02/data/0000000077.png 2011_09_26_drive_0035_sync/proj_depth/groundtruth/image_02/0000000077.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000279.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000279.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000203.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000203.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000377.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000377.png 718.856 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000168.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000168.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000678.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000678.png 721.5377 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000148.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000148.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000283.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000283.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000500.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000500.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000481.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000481.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001942.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001942.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000655.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000655.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000927.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000927.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000234.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000234.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001158.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001158.png 718.856 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000162.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000162.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000597.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000597.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000938.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000938.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000153.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000153.png 721.5377 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000290.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000290.png 721.5377 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000226.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000226.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000352.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000352.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002626.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002626.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003688.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003688.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000145.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000145.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003477.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003477.png 718.856 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000350.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000350.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000858.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000858.png 718.856 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000420.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000420.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000050.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000050.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000079.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000079.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000400.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000400.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000817.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000817.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001945.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001945.png 718.856 +2011_09_26/2011_09_26_drive_0005_sync/image_02/data/0000000086.png 2011_09_26_drive_0005_sync/proj_depth/groundtruth/image_02/0000000086.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000410.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000410.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000432.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000432.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003692.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003692.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000960.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000960.png 707.0912 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000068.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000068.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001637.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001637.png 718.856 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000026.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000026.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000623.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000623.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002269.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002269.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000812.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000812.png 718.856 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000093.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000093.png 721.5377 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000204.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000204.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001577.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001577.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004219.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004219.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000713.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000713.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001420.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001420.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004107.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004107.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004548.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004548.png 707.0912 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000206.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000206.png 721.5377 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000119.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000119.png 718.3351 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000580.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000580.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000011.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000011.png 718.856 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000133.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000133.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000740.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000740.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001203.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001203.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000393.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000393.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001355.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001355.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000273.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000273.png 707.0912 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000138.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000138.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000305.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000305.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000019.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000019.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001046.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001046.png 718.856 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000012.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000012.png 721.5377 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000267.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000267.png 721.5377 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000300.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000300.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003481.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003481.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003518.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003518.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001497.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001497.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001048.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001048.png 718.856 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000579.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000579.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002674.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002674.png 707.0912 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000053.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000053.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002204.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002204.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000328.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000328.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003989.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003989.png 707.0912 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000075.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000075.png 721.5377 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000034.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000034.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000918.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000918.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000853.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000853.png 718.856 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000010.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000010.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003885.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003885.png 707.0912 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000381.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000381.png 721.5377 +2011_09_26/2011_09_26_drive_0060_sync/image_02/data/0000000009.png 2011_09_26_drive_0060_sync/proj_depth/groundtruth/image_02/0000000009.png 721.5377 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000157.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000157.png 718.3351 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000210.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000210.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004063.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004063.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002784.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002784.png 718.856 +2011_09_29/2011_09_29_drive_0026_sync/image_02/data/0000000023.png 2011_09_29_drive_0026_sync/proj_depth/groundtruth/image_02/0000000023.png 718.3351 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000351.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000351.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001117.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001117.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000178.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000178.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000087.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000087.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001015.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001015.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004903.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004903.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004397.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004397.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000303.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000303.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003722.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003722.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000132.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000132.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002087.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002087.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000040.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000040.png 718.856 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000208.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000208.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003608.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003608.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001007.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001007.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000609.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000609.png 707.0912 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000203.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000203.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002478.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002478.png 718.856 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000252.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000252.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000956.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000956.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000051.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000051.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000745.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000745.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003797.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003797.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001966.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001966.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002987.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002987.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000338.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000338.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001392.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001392.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000732.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000732.png 718.856 +2011_09_26/2011_09_26_drive_0001_sync/image_02/data/0000000078.png 2011_09_26_drive_0001_sync/proj_depth/groundtruth/image_02/0000000078.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000005053.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000005053.png 707.0912 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000129.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000129.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003167.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003167.png 707.0912 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000260.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000260.png 721.5377 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000017.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000017.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000679.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000679.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003363.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003363.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002191.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002191.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000389.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000389.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003421.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003421.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000569.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000569.png 721.5377 +2011_09_29/2011_09_29_drive_0026_sync/image_02/data/0000000097.png 2011_09_29_drive_0026_sync/proj_depth/groundtruth/image_02/0000000097.png 718.3351 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000941.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000941.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001079.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001079.png 707.0912 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000197.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000197.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001580.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001580.png 707.0912 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000084.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000084.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000005055.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000005055.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003442.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003442.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000283.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000283.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003573.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003573.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001790.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001790.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000652.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000652.png 707.0912 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000117.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000117.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000463.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000463.png 718.856 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000127.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000127.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003473.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003473.png 718.856 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000473.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000473.png 721.5377 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000095.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000095.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002643.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002643.png 718.856 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000201.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000201.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000005046.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000005046.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000611.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000611.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000716.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000716.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004552.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004552.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004127.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004127.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004891.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004891.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000276.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000276.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002732.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002732.png 718.856 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000378.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000378.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001065.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001065.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004044.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004044.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002547.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002547.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004567.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004567.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000220.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000220.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001257.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001257.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001437.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001437.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003768.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003768.png 707.0912 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000122.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000122.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004759.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004759.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001569.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001569.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004203.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004203.png 707.0912 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000301.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000301.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001502.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001502.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000098.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000098.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000744.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000744.png 718.856 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000165.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000165.png 721.5377 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000330.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000330.png 721.5377 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000426.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000426.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002807.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002807.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000001075.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000001075.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000023.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000023.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001428.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001428.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000632.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000632.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003984.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003984.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000425.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000425.png 718.856 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000179.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000179.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002212.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002212.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001369.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001369.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001808.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001808.png 718.856 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000091.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000091.png 721.5377 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000300.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000300.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000233.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000233.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000096.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000096.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000504.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000504.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000956.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000956.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001840.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001840.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000602.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000602.png 721.5377 +2011_09_29/2011_09_29_drive_0026_sync/image_02/data/0000000017.png 2011_09_29_drive_0026_sync/proj_depth/groundtruth/image_02/0000000017.png 718.3351 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004461.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004461.png 718.856 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000327.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000327.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002856.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002856.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000292.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000292.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000392.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000392.png 718.856 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000212.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000212.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000039.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000039.png 718.856 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000011.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000011.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003459.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003459.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002443.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002443.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002163.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002163.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000114.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000114.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000382.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000382.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000872.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000872.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001501.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001501.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003159.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003159.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001267.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001267.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001143.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001143.png 707.0912 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000041.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000041.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002458.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002458.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000277.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000277.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002772.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002772.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003782.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003782.png 707.0912 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000195.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000195.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002481.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002481.png 707.0912 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000090.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000090.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002998.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002998.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003076.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003076.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001164.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001164.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000931.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000931.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000993.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000993.png 707.0912 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000043.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000043.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000809.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000809.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000954.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000954.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004959.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004959.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001504.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001504.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002354.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002354.png 718.856 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000289.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000289.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000576.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000576.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001588.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001588.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001461.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001461.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001262.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001262.png 718.856 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000401.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000401.png 721.5377 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000210.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000210.png 718.3351 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002199.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002199.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004138.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004138.png 707.0912 +2011_09_26/2011_09_26_drive_0060_sync/image_02/data/0000000042.png 2011_09_26_drive_0060_sync/proj_depth/groundtruth/image_02/0000000042.png 721.5377 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000031.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000031.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000857.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000857.png 718.856 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000322.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000322.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002591.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002591.png 707.0912 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000060.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000060.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000667.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000667.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000703.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000703.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000343.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000343.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001932.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001932.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003682.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003682.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000946.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000946.png 707.0912 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000169.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000169.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000252.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000252.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000760.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000760.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000370.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000370.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000437.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000437.png 718.856 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000467.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000467.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002329.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002329.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001582.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001582.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004689.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004689.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000001003.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000001003.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000238.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000238.png 707.0912 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000441.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000441.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000711.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000711.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003708.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003708.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001062.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001062.png 718.856 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000169.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000169.png 721.5377 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000398.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000398.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000815.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000815.png 707.0912 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000308.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000308.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000535.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000535.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003143.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003143.png 707.0912 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000139.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000139.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001549.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001549.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001645.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001645.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002027.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002027.png 707.0912 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000168.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000168.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000001023.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000001023.png 718.856 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000037.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000037.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000953.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000953.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000214.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000214.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000359.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000359.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000522.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000522.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001714.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001714.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003694.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003694.png 707.0912 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000304.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000304.png 721.5377 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000300.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000300.png 721.5377 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000098.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000098.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003374.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003374.png 707.0912 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000078.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000078.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002081.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002081.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003991.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003991.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002761.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002761.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004883.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004883.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000108.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000108.png 707.0912 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000322.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000322.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001483.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001483.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000661.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000661.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000505.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000505.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003319.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003319.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001429.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001429.png 707.0912 +2011_09_26/2011_09_26_drive_0017_sync/image_02/data/0000000108.png 2011_09_26_drive_0017_sync/proj_depth/groundtruth/image_02/0000000108.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003329.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003329.png 718.856 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000135.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000135.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003474.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003474.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000617.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000617.png 718.856 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000100.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000100.png 718.3351 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000270.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000270.png 721.5377 +2011_09_26/2011_09_26_drive_0079_sync/image_02/data/0000000022.png 2011_09_26_drive_0079_sync/proj_depth/groundtruth/image_02/0000000022.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002325.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002325.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000093.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000093.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000970.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000970.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002121.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002121.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000615.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000615.png 721.5377 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000148.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000148.png 718.3351 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000114.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000114.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000553.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000553.png 721.5377 +2011_09_26/2011_09_26_drive_0017_sync/image_02/data/0000000018.png 2011_09_26_drive_0017_sync/proj_depth/groundtruth/image_02/0000000018.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001487.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001487.png 718.856 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000323.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000323.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001723.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001723.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000550.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000550.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000376.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000376.png 718.856 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000241.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000241.png 721.5377 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000188.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000188.png 721.5377 +2011_09_26/2011_09_26_drive_0001_sync/image_02/data/0000000008.png 2011_09_26_drive_0001_sync/proj_depth/groundtruth/image_02/0000000008.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003060.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003060.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004351.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004351.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002250.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002250.png 707.0912 +2011_09_26/2011_09_26_drive_0113_sync/image_02/data/0000000026.png 2011_09_26_drive_0113_sync/proj_depth/groundtruth/image_02/0000000026.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000794.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000794.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001981.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001981.png 718.856 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000260.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000260.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002919.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002919.png 707.0912 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000059.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000059.png 721.5377 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000202.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000202.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001152.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001152.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001800.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001800.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000105.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000105.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001468.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001468.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000413.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000413.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004740.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004740.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000713.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000713.png 718.856 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000056.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000056.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001166.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001166.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001145.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001145.png 707.0912 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000364.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000364.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000606.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000606.png 707.0912 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000212.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000212.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000651.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000651.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002685.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002685.png 718.856 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000134.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000134.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004350.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004350.png 707.0912 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000051.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000051.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001325.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001325.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001576.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001576.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004194.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004194.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003312.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003312.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000671.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000671.png 718.856 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000424.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000424.png 721.5377 +2011_09_28/2011_09_28_drive_0001_sync/image_02/data/0000000078.png 2011_09_28_drive_0001_sync/proj_depth/groundtruth/image_02/0000000078.png 707.0493 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000297.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000297.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000025.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000025.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000060.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000060.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004917.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004917.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000580.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000580.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001755.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001755.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000743.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000743.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004355.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004355.png 707.0912 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000328.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000328.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001136.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001136.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004616.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004616.png 718.856 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000201.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000201.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001890.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001890.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000606.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000606.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000427.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000427.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001304.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001304.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004079.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004079.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001905.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001905.png 718.856 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000584.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000584.png 721.5377 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000121.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000121.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001041.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001041.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000140.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000140.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000111.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000111.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000166.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000166.png 721.5377 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000368.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000368.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000280.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000280.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000197.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000197.png 721.5377 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000236.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000236.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000590.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000590.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000511.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000511.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002030.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002030.png 707.0912 +2011_09_26/2011_09_26_drive_0017_sync/image_02/data/0000000079.png 2011_09_26_drive_0017_sync/proj_depth/groundtruth/image_02/0000000079.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002279.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002279.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000328.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000328.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002562.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002562.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000925.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000925.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000555.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000555.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003205.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003205.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000673.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000673.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003258.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003258.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001725.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001725.png 718.856 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000204.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000204.png 721.5377 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000038.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000038.png 718.3351 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000662.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000662.png 718.856 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000123.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000123.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001464.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001464.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001077.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001077.png 718.856 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000209.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000209.png 721.5377 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000453.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000453.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001209.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001209.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001165.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001165.png 707.0912 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000242.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000242.png 718.3351 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000036.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000036.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000493.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000493.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000785.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000785.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001953.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001953.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000258.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000258.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000680.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000680.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000416.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000416.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000882.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000882.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002710.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002710.png 707.0912 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000014.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000014.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000451.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000451.png 718.856 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000273.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000273.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000473.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000473.png 721.5377 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000010.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000010.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000050.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000050.png 721.5377 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000070.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000070.png 721.5377 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000423.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000423.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002388.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002388.png 707.0912 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000230.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000230.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000360.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000360.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004501.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004501.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004177.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004177.png 707.0912 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000322.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000322.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003757.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003757.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001135.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001135.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002466.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002466.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002166.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002166.png 718.856 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000075.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000075.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000610.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000610.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001064.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001064.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003268.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003268.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002506.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002506.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000548.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000548.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000837.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000837.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004102.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004102.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004131.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004131.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003766.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003766.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000214.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000214.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000802.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000802.png 718.856 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000242.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000242.png 721.5377 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000303.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000303.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000113.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000113.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000055.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000055.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004911.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004911.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002248.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002248.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001535.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001535.png 718.856 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000286.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000286.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000547.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000547.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000929.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000929.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000132.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000132.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001950.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001950.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004238.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004238.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003746.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003746.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004185.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004185.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004407.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004407.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004562.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004562.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003011.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003011.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002925.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002925.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004635.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004635.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000714.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000714.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000001026.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000001026.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000254.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000254.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001196.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001196.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003078.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003078.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000565.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000565.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000158.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000158.png 707.0912 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000167.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000167.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001804.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001804.png 707.0912 +2011_09_29/2011_09_29_drive_0026_sync/image_02/data/0000000151.png 2011_09_29_drive_0026_sync/proj_depth/groundtruth/image_02/0000000151.png 718.3351 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000001084.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000001084.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001251.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001251.png 707.0912 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000055.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000055.png 721.5377 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000234.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000234.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003034.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003034.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000275.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000275.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002143.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002143.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002874.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002874.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000387.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000387.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001919.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001919.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001524.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001524.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001018.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001018.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000684.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000684.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000632.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000632.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000885.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000885.png 707.0912 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000194.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000194.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004975.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004975.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000935.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000935.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000799.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000799.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003476.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003476.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001076.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001076.png 718.856 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000130.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000130.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000904.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000904.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000199.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000199.png 707.0912 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000177.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000177.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000603.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000603.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000222.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000222.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001297.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001297.png 718.856 +2011_09_28/2011_09_28_drive_0001_sync/image_02/data/0000000058.png 2011_09_28_drive_0001_sync/proj_depth/groundtruth/image_02/0000000058.png 707.0493 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000759.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000759.png 707.0912 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000087.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000087.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002729.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002729.png 707.0912 +2011_09_29/2011_09_29_drive_0026_sync/image_02/data/0000000053.png 2011_09_29_drive_0026_sync/proj_depth/groundtruth/image_02/0000000053.png 718.3351 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000644.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000644.png 721.5377 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000203.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000203.png 721.5377 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000148.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000148.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000442.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000442.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000219.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000219.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000214.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000214.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003349.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003349.png 707.0912 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000334.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000334.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004691.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004691.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000226.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000226.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004837.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004837.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001134.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001134.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000039.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000039.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002090.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002090.png 718.856 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000179.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000179.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000274.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000274.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000831.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000831.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003430.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003430.png 718.856 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000249.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000249.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003094.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003094.png 718.856 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000159.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000159.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002228.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002228.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002449.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002449.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002310.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002310.png 718.856 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000300.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000300.png 721.5377 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000232.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000232.png 718.3351 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001128.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001128.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003245.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003245.png 718.856 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000096.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000096.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000336.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000336.png 718.856 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000334.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000334.png 721.5377 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000100.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000100.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000489.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000489.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002645.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002645.png 707.0912 +2011_09_26/2011_09_26_drive_0005_sync/image_02/data/0000000005.png 2011_09_26_drive_0005_sync/proj_depth/groundtruth/image_02/0000000005.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003528.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003528.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000409.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000409.png 718.856 +2011_09_26/2011_09_26_drive_0001_sync/image_02/data/0000000055.png 2011_09_26_drive_0001_sync/proj_depth/groundtruth/image_02/0000000055.png 721.5377 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000173.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000173.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003475.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003475.png 707.0912 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000455.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000455.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004353.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004353.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001426.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001426.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001342.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001342.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001291.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001291.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000040.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000040.png 721.5377 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000046.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000046.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000406.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000406.png 707.0912 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000192.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000192.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001320.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001320.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004767.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004767.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001943.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001943.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000270.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000270.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000194.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000194.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003030.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003030.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004052.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004052.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003698.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003698.png 718.856 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000316.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000316.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001044.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001044.png 707.0912 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000080.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000080.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004528.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004528.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000599.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000599.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000534.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000534.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001089.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001089.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004352.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004352.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004448.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004448.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000633.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000633.png 718.856 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000154.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000154.png 721.5377 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000161.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000161.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000521.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000521.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003808.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003808.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000015.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000015.png 721.5377 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000083.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000083.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000465.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000465.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000554.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000554.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000005154.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000005154.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001267.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001267.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002452.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002452.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000577.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000577.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000184.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000184.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000720.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000720.png 721.5377 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000080.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000080.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000251.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000251.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000255.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000255.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001488.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001488.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000510.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000510.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002060.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002060.png 718.856 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000295.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000295.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000047.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000047.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001140.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001140.png 718.856 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000339.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000339.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001446.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001446.png 707.0912 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000291.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000291.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002500.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002500.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000680.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000680.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004771.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004771.png 707.0912 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000173.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000173.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000448.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000448.png 718.856 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000312.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000312.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000250.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000250.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002799.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002799.png 707.0912 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000261.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000261.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001692.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001692.png 718.856 +2011_09_28/2011_09_28_drive_0001_sync/image_02/data/0000000072.png 2011_09_28_drive_0001_sync/proj_depth/groundtruth/image_02/0000000072.png 707.0493 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003352.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003352.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003318.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003318.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003026.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003026.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001408.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001408.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000441.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000441.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000713.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000713.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000937.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000937.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001756.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001756.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000005014.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000005014.png 707.0912 +2011_09_26/2011_09_26_drive_0005_sync/image_02/data/0000000130.png 2011_09_26_drive_0005_sync/proj_depth/groundtruth/image_02/0000000130.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000872.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000872.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000360.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000360.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002608.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002608.png 718.856 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000100.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000100.png 721.5377 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000238.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000238.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000154.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000154.png 707.0912 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000201.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000201.png 721.5377 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000244.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000244.png 721.5377 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000237.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000237.png 721.5377 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000326.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000326.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003164.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003164.png 718.856 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000215.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000215.png 721.5377 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000258.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000258.png 721.5377 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000059.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000059.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000427.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000427.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000363.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000363.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000489.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000489.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002560.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002560.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000554.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000554.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000389.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000389.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000194.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000194.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000534.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000534.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001065.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001065.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001026.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001026.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003292.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003292.png 718.856 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000048.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000048.png 721.5377 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000080.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000080.png 721.5377 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000312.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000312.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004457.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004457.png 707.0912 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000286.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000286.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003596.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003596.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004625.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004625.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003909.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003909.png 707.0912 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000132.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000132.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000307.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000307.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000254.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000254.png 721.5377 +2011_09_26/2011_09_26_drive_0113_sync/image_02/data/0000000037.png 2011_09_26_drive_0113_sync/proj_depth/groundtruth/image_02/0000000037.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003591.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003591.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001156.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001156.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000110.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000110.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000393.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000393.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001976.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001976.png 707.0912 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000205.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000205.png 721.5377 +2011_09_28/2011_09_28_drive_0001_sync/image_02/data/0000000035.png 2011_09_28_drive_0001_sync/proj_depth/groundtruth/image_02/0000000035.png 707.0493 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000217.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000217.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000167.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000167.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003951.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003951.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001334.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001334.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000979.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000979.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000181.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000181.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000958.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000958.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000191.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000191.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000894.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000894.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001001.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001001.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000345.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000345.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000118.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000118.png 707.0912 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000007.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000007.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004043.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004043.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001466.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001466.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000753.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000753.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002015.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002015.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000438.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000438.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003966.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003966.png 718.856 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000261.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000261.png 721.5377 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000367.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000367.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002751.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002751.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003491.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003491.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002447.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002447.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002867.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002867.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000397.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000397.png 721.5377 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000016.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000016.png 721.5377 +2011_09_26/2011_09_26_drive_0005_sync/image_02/data/0000000014.png 2011_09_26_drive_0005_sync/proj_depth/groundtruth/image_02/0000000014.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002077.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002077.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004535.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004535.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000599.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000599.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000663.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000663.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001838.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001838.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000670.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000670.png 707.0912 +2011_09_26/2011_09_26_drive_0005_sync/image_02/data/0000000121.png 2011_09_26_drive_0005_sync/proj_depth/groundtruth/image_02/0000000121.png 721.5377 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000208.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000208.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000234.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000234.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000260.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000260.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004198.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004198.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004370.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004370.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000001061.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000001061.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000273.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000273.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002977.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002977.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000523.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000523.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000808.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000808.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000587.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000587.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001337.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001337.png 707.0912 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000105.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000105.png 718.3351 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004308.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004308.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003451.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003451.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003429.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003429.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000097.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000097.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004986.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004986.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001809.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001809.png 718.856 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000221.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000221.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000386.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000386.png 718.856 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000245.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000245.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000718.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000718.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000160.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000160.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000703.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000703.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000560.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000560.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000981.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000981.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002013.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002013.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000081.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000081.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001021.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001021.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000576.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000576.png 721.5377 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000238.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000238.png 718.3351 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001252.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001252.png 718.856 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000270.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000270.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002570.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002570.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004798.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004798.png 707.0912 +2011_09_26/2011_09_26_drive_0017_sync/image_02/data/0000000052.png 2011_09_26_drive_0017_sync/proj_depth/groundtruth/image_02/0000000052.png 721.5377 +2011_09_26/2011_09_26_drive_0060_sync/image_02/data/0000000013.png 2011_09_26_drive_0060_sync/proj_depth/groundtruth/image_02/0000000013.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000544.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000544.png 721.5377 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000259.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000259.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000303.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000303.png 721.5377 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000053.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000053.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004717.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004717.png 707.0912 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000155.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000155.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000400.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000400.png 721.5377 +2011_09_29/2011_09_29_drive_0026_sync/image_02/data/0000000105.png 2011_09_29_drive_0026_sync/proj_depth/groundtruth/image_02/0000000105.png 718.3351 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003335.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003335.png 718.856 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000095.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000095.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000962.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000962.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000324.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000324.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000862.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000862.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000896.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000896.png 718.856 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000079.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000079.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000091.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000091.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001390.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001390.png 718.856 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000457.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000457.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004439.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004439.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000254.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000254.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003331.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003331.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001402.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001402.png 707.0912 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000209.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000209.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004328.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004328.png 707.0912 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000066.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000066.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000016.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000016.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000423.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000423.png 707.0912 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000302.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000302.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002603.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002603.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000301.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000301.png 721.5377 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000356.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000356.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003017.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003017.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000860.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000860.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001003.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001003.png 707.0912 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000158.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000158.png 721.5377 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000215.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000215.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000755.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000755.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001055.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001055.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003137.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003137.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000506.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000506.png 707.0912 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000137.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000137.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002632.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002632.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000740.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000740.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000818.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000818.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000005037.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000005037.png 707.0912 +2011_09_26/2011_09_26_drive_0005_sync/image_02/data/0000000019.png 2011_09_26_drive_0005_sync/proj_depth/groundtruth/image_02/0000000019.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004228.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004228.png 707.0912 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000360.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000360.png 721.5377 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000157.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000157.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000778.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000778.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001638.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001638.png 718.856 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000477.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000477.png 721.5377 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000066.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000066.png 721.5377 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000128.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000128.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001357.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001357.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000121.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000121.png 707.0912 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000056.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000056.png 721.5377 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000162.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000162.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000773.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000773.png 707.0912 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000336.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000336.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001185.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001185.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000998.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000998.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001076.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001076.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000503.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000503.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004292.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004292.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000678.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000678.png 718.856 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000207.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000207.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000409.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000409.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003727.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003727.png 718.856 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000062.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000062.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001368.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001368.png 707.0912 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000185.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000185.png 721.5377 +2011_09_26/2011_09_26_drive_0113_sync/image_02/data/0000000006.png 2011_09_26_drive_0113_sync/proj_depth/groundtruth/image_02/0000000006.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000502.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000502.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004420.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004420.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001502.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001502.png 718.856 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000182.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000182.png 721.5377 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000332.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000332.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001178.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001178.png 707.0912 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000334.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000334.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000730.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000730.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000109.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000109.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003725.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003725.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004273.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004273.png 707.0912 +2011_09_29/2011_09_29_drive_0026_sync/image_02/data/0000000028.png 2011_09_29_drive_0026_sync/proj_depth/groundtruth/image_02/0000000028.png 718.3351 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000476.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000476.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003162.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003162.png 707.0912 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000040.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000040.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001188.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001188.png 718.856 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000253.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000253.png 721.5377 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000062.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000062.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003248.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003248.png 718.856 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000671.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000671.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000091.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000091.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000168.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000168.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002020.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002020.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001314.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001314.png 718.856 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000186.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000186.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003472.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003472.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002578.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002578.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004609.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004609.png 707.0912 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000242.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000242.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001654.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001654.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003879.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003879.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000001061.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000001061.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000819.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000819.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000628.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000628.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002981.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002981.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003610.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003610.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000799.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000799.png 707.0912 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000013.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000013.png 721.5377 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000257.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000257.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002348.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002348.png 718.856 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000276.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000276.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002698.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002698.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003050.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003050.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004973.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004973.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004180.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004180.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000782.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000782.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001165.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001165.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003597.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003597.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000946.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000946.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001386.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001386.png 707.0912 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000169.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000169.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001480.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001480.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001512.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001512.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004568.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004568.png 718.856 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000302.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000302.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001984.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001984.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003512.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003512.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000669.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000669.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003503.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003503.png 707.0912 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000246.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000246.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001075.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001075.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003192.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003192.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001603.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001603.png 707.0912 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000324.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000324.png 718.3351 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000623.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000623.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000581.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000581.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001197.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001197.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000005069.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000005069.png 707.0912 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000222.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000222.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000288.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000288.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002509.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002509.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002355.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002355.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000952.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000952.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003092.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003092.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000444.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000444.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001454.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001454.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000435.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000435.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000379.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000379.png 718.856 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000366.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000366.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000219.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000219.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003010.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003010.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000577.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000577.png 718.856 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000274.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000274.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000147.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000147.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001455.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001455.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004626.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004626.png 718.856 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000108.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000108.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000554.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000554.png 721.5377 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000109.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000109.png 721.5377 +2011_09_26/2011_09_26_drive_0079_sync/image_02/data/0000000080.png 2011_09_26_drive_0079_sync/proj_depth/groundtruth/image_02/0000000080.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004436.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004436.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000664.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000664.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000790.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000790.png 718.856 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000273.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000273.png 721.5377 +2011_09_26/2011_09_26_drive_0035_sync/image_02/data/0000000066.png 2011_09_26_drive_0035_sync/proj_depth/groundtruth/image_02/0000000066.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000077.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000077.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004660.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004660.png 707.0912 +2011_09_26/2011_09_26_drive_0035_sync/image_02/data/0000000111.png 2011_09_26_drive_0035_sync/proj_depth/groundtruth/image_02/0000000111.png 721.5377 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000032.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000032.png 721.5377 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000067.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000067.png 721.5377 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000186.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000186.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001265.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001265.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000291.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000291.png 707.0912 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000104.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000104.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004347.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004347.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002113.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002113.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000198.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000198.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001217.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001217.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002906.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002906.png 707.0912 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000395.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000395.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001040.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001040.png 707.0912 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000042.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000042.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000212.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000212.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000615.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000615.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004166.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004166.png 718.856 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000294.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000294.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001088.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001088.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004775.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004775.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000237.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000237.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000560.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000560.png 718.856 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000342.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000342.png 721.5377 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000090.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000090.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000388.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000388.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000854.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000854.png 718.856 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000027.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000027.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003389.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003389.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003893.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003893.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000421.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000421.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001771.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001771.png 707.0912 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000167.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000167.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001028.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001028.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000356.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000356.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000414.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000414.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002956.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002956.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000123.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000123.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004009.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004009.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000413.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000413.png 707.0912 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000290.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000290.png 721.5377 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000195.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000195.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000096.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000096.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000730.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000730.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000422.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000422.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001049.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001049.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000195.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000195.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000406.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000406.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001122.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001122.png 707.0912 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000303.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000303.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000230.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000230.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000713.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000713.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002362.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002362.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000215.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000215.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000304.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000304.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001159.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001159.png 707.0912 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000116.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000116.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002735.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002735.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000964.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000964.png 718.856 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000249.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000249.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003321.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003321.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000165.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000165.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000697.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000697.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000677.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000677.png 721.5377 +2011_09_29/2011_09_29_drive_0026_sync/image_02/data/0000000006.png 2011_09_29_drive_0026_sync/proj_depth/groundtruth/image_02/0000000006.png 718.3351 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000275.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000275.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000758.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000758.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000005019.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000005019.png 707.0912 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000247.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000247.png 721.5377 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000276.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000276.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000021.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000021.png 721.5377 +2011_09_26/2011_09_26_drive_0060_sync/image_02/data/0000000052.png 2011_09_26_drive_0060_sync/proj_depth/groundtruth/image_02/0000000052.png 721.5377 +2011_09_26/2011_09_26_drive_0060_sync/image_02/data/0000000048.png 2011_09_26_drive_0060_sync/proj_depth/groundtruth/image_02/0000000048.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000483.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000483.png 721.5377 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000066.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000066.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004267.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004267.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001562.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001562.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004302.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004302.png 707.0912 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000299.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000299.png 718.3351 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000876.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000876.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000243.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000243.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003004.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003004.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001318.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001318.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004136.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004136.png 718.856 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000222.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000222.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003658.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003658.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001810.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001810.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001599.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001599.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000338.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000338.png 707.0912 +2011_09_28/2011_09_28_drive_0001_sync/image_02/data/0000000091.png 2011_09_28_drive_0001_sync/proj_depth/groundtruth/image_02/0000000091.png 707.0493 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002428.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002428.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000174.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000174.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000898.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000898.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001106.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001106.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003483.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003483.png 707.0912 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000045.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000045.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003516.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003516.png 718.856 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000162.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000162.png 721.5377 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000025.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000025.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000525.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000525.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000064.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000064.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001275.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001275.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000696.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000696.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003707.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003707.png 707.0912 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000046.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000046.png 721.5377 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000173.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000173.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000208.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000208.png 707.0912 +2011_09_28/2011_09_28_drive_0001_sync/image_02/data/0000000048.png 2011_09_28_drive_0001_sync/proj_depth/groundtruth/image_02/0000000048.png 707.0493 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000391.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000391.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000723.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000723.png 718.856 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000517.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000517.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000786.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000786.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001869.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001869.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002215.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002215.png 707.0912 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000313.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000313.png 718.3351 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000449.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000449.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000341.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000341.png 707.0912 +2011_09_28/2011_09_28_drive_0001_sync/image_02/data/0000000005.png 2011_09_28_drive_0001_sync/proj_depth/groundtruth/image_02/0000000005.png 707.0493 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000046.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000046.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002122.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002122.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002843.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002843.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002280.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002280.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003154.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003154.png 707.0912 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000281.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000281.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000398.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000398.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002734.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002734.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003088.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003088.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000075.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000075.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001747.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001747.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001360.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001360.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002447.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002447.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001767.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001767.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000872.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000872.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001552.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001552.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000268.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000268.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004285.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004285.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000176.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000176.png 707.0912 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000205.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000205.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003941.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003941.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000930.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000930.png 707.0912 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000033.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000033.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003289.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003289.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002649.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002649.png 718.856 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000019.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000019.png 721.5377 +2011_09_26/2011_09_26_drive_0017_sync/image_02/data/0000000026.png 2011_09_26_drive_0017_sync/proj_depth/groundtruth/image_02/0000000026.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002563.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002563.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003344.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003344.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000574.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000574.png 718.856 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000015.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000015.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004290.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004290.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000910.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000910.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000281.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000281.png 718.856 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000216.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000216.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000622.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000622.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003691.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003691.png 718.856 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000601.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000601.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002912.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002912.png 707.0912 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000145.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000145.png 721.5377 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000214.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000214.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000494.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000494.png 718.856 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000030.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000030.png 721.5377 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000344.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000344.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000835.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000835.png 707.0912 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000084.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000084.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000708.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000708.png 707.0912 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000265.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000265.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000686.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000686.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001767.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001767.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000855.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000855.png 707.0912 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000343.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000343.png 721.5377 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000220.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000220.png 721.5377 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000332.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000332.png 721.5377 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000025.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000025.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000960.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000960.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002615.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002615.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000671.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000671.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000001040.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000001040.png 707.0912 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000030.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000030.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002600.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002600.png 718.856 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000269.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000269.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000794.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000794.png 718.856 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000151.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000151.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002968.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002968.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000234.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000234.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000688.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000688.png 707.0912 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000137.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000137.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004490.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004490.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002816.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002816.png 718.856 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000216.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000216.png 721.5377 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000279.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000279.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004612.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004612.png 707.0912 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000041.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000041.png 721.5377 +2011_09_26/2011_09_26_drive_0035_sync/image_02/data/0000000112.png 2011_09_26_drive_0035_sync/proj_depth/groundtruth/image_02/0000000112.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002301.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002301.png 707.0912 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000231.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000231.png 721.5377 +2011_09_26/2011_09_26_drive_0113_sync/image_02/data/0000000080.png 2011_09_26_drive_0113_sync/proj_depth/groundtruth/image_02/0000000080.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000081.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000081.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001155.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001155.png 718.856 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000270.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000270.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000368.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000368.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003574.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003574.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001503.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001503.png 718.856 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000152.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000152.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001739.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001739.png 718.856 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000102.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000102.png 721.5377 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000109.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000109.png 721.5377 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000125.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000125.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002133.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002133.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000595.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000595.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001737.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001737.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003646.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003646.png 707.0912 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000202.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000202.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003558.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003558.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000395.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000395.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003561.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003561.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000171.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000171.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001651.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001651.png 718.856 +2011_09_26/2011_09_26_drive_0005_sync/image_02/data/0000000025.png 2011_09_26_drive_0005_sync/proj_depth/groundtruth/image_02/0000000025.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002997.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002997.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003710.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003710.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001290.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001290.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002161.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002161.png 718.856 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000245.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000245.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001947.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001947.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000760.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000760.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000183.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000183.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000449.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000449.png 721.5377 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000191.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000191.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003298.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003298.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004055.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004055.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000827.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000827.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001172.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001172.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000023.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000023.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000778.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000778.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001000.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001000.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000294.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000294.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000445.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000445.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000134.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000134.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004260.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004260.png 707.0912 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000204.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000204.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003664.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003664.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000749.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000749.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002437.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002437.png 718.856 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000066.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000066.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001099.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001099.png 707.0912 +2011_09_26/2011_09_26_drive_0035_sync/image_02/data/0000000005.png 2011_09_26_drive_0035_sync/proj_depth/groundtruth/image_02/0000000005.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004566.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004566.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003057.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003057.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001550.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001550.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000372.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000372.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000577.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000577.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000596.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000596.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000001074.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000001074.png 707.0912 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000065.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000065.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000985.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000985.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002378.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002378.png 707.0912 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000080.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000080.png 721.5377 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000114.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000114.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001364.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001364.png 718.856 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000172.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000172.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001619.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001619.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004390.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004390.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001630.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001630.png 707.0912 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000189.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000189.png 721.5377 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000074.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000074.png 721.5377 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000325.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000325.png 721.5377 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000126.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000126.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000363.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000363.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000370.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000370.png 707.0912 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000272.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000272.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002111.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002111.png 718.856 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000711.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000711.png 721.5377 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000329.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000329.png 721.5377 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000243.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000243.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003001.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003001.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000825.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000825.png 718.856 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000167.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000167.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004255.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004255.png 718.856 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000111.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000111.png 721.5377 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000079.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000079.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000224.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000224.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000384.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000384.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000605.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000605.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000902.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000902.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000557.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000557.png 707.0912 +2011_09_29/2011_09_29_drive_0026_sync/image_02/data/0000000032.png 2011_09_29_drive_0026_sync/proj_depth/groundtruth/image_02/0000000032.png 718.3351 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000266.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000266.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003471.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003471.png 718.856 +2011_09_26/2011_09_26_drive_0001_sync/image_02/data/0000000092.png 2011_09_26_drive_0001_sync/proj_depth/groundtruth/image_02/0000000092.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000710.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000710.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000001070.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000001070.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004368.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004368.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000230.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000230.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000700.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000700.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000810.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000810.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000848.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000848.png 718.856 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000012.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000012.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000044.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000044.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002472.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002472.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000282.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000282.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000314.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000314.png 707.0912 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000219.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000219.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003546.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003546.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000956.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000956.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002332.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002332.png 718.856 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000101.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000101.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001016.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001016.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001131.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001131.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000460.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000460.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000596.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000596.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001756.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001756.png 707.0912 +2011_09_29/2011_09_29_drive_0026_sync/image_02/data/0000000143.png 2011_09_29_drive_0026_sync/proj_depth/groundtruth/image_02/0000000143.png 718.3351 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000537.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000537.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003378.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003378.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004051.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004051.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000019.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000019.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000366.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000366.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000251.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000251.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000323.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000323.png 707.0912 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000225.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000225.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002418.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002418.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000960.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000960.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000769.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000769.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004476.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004476.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002649.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002649.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000001009.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000001009.png 707.0912 +2011_09_26/2011_09_26_drive_0005_sync/image_02/data/0000000120.png 2011_09_26_drive_0005_sync/proj_depth/groundtruth/image_02/0000000120.png 721.5377 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000143.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000143.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000116.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000116.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000438.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000438.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003406.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003406.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003690.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003690.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001432.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001432.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003846.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003846.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000883.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000883.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003841.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003841.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001817.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001817.png 718.856 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000265.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000265.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000705.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000705.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001929.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001929.png 718.856 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000347.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000347.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002159.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002159.png 707.0912 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000140.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000140.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002860.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002860.png 707.0912 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000095.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000095.png 718.3351 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000699.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000699.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004289.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004289.png 718.856 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000009.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000009.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002977.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002977.png 718.856 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000158.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000158.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000071.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000071.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004323.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004323.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004192.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004192.png 707.0912 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000279.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000279.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000524.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000524.png 707.0912 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000199.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000199.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000143.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000143.png 718.856 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000301.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000301.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000955.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000955.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000859.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000859.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000025.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000025.png 718.856 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000420.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000420.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002185.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002185.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002215.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002215.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004432.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004432.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000566.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000566.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000493.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000493.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004493.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004493.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004062.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004062.png 707.0912 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000320.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000320.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000998.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000998.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002557.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002557.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002015.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002015.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000346.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000346.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000503.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000503.png 718.856 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000536.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000536.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000226.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000226.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002793.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002793.png 718.856 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000238.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000238.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002631.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002631.png 707.0912 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000222.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000222.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001841.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001841.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000489.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000489.png 707.0912 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000214.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000214.png 718.3351 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001604.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001604.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003811.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003811.png 718.856 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000090.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000090.png 721.5377 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000271.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000271.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000050.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000050.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002529.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002529.png 718.856 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000060.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000060.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000307.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000307.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003823.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003823.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000138.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000138.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001498.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001498.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000078.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000078.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000762.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000762.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000530.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000530.png 718.856 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000223.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000223.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000764.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000764.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002141.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002141.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002921.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002921.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001852.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001852.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000301.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000301.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001097.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001097.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004889.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004889.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000541.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000541.png 721.5377 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000222.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000222.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000679.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000679.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002356.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002356.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002264.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002264.png 707.0912 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000074.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000074.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000005073.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000005073.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001043.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001043.png 707.0912 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000404.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000404.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000663.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000663.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000043.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000043.png 707.0912 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000275.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000275.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001356.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001356.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000139.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000139.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000005127.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000005127.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000035.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000035.png 721.5377 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000371.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000371.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000680.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000680.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000207.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000207.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000461.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000461.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000246.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000246.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000636.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000636.png 707.0912 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000083.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000083.png 721.5377 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000073.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000073.png 718.3351 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000001011.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000001011.png 718.856 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000030.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000030.png 721.5377 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000240.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000240.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002415.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002415.png 718.856 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000491.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000491.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000988.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000988.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000492.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000492.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004333.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004333.png 718.856 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000165.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000165.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000232.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000232.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000858.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000858.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001298.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001298.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000956.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000956.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001030.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001030.png 707.0912 +2011_09_26/2011_09_26_drive_0005_sync/image_02/data/0000000007.png 2011_09_26_drive_0005_sync/proj_depth/groundtruth/image_02/0000000007.png 721.5377 +2011_09_26/2011_09_26_drive_0017_sync/image_02/data/0000000088.png 2011_09_26_drive_0017_sync/proj_depth/groundtruth/image_02/0000000088.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003842.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003842.png 718.856 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000418.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000418.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004596.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004596.png 718.856 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000247.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000247.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000604.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000604.png 707.0912 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000340.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000340.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000835.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000835.png 707.0912 +2011_09_29/2011_09_29_drive_0026_sync/image_02/data/0000000149.png 2011_09_29_drive_0026_sync/proj_depth/groundtruth/image_02/0000000149.png 718.3351 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000250.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000250.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001758.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001758.png 707.0912 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000231.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000231.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000721.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000721.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004610.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004610.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003146.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003146.png 718.856 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000151.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000151.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004373.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004373.png 718.856 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000305.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000305.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000641.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000641.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002651.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002651.png 718.856 +2011_09_26/2011_09_26_drive_0079_sync/image_02/data/0000000042.png 2011_09_26_drive_0079_sync/proj_depth/groundtruth/image_02/0000000042.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001956.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001956.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003954.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003954.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002342.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002342.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000116.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000116.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002304.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002304.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004011.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004011.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004122.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004122.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001771.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001771.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000387.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000387.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003670.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003670.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002085.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002085.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004204.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004204.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000005005.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000005005.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000394.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000394.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000001131.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000001131.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002314.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002314.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001144.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001144.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000142.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000142.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000652.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000652.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001021.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001021.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001373.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001373.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000373.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000373.png 707.0912 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000153.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000153.png 721.5377 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000015.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000015.png 721.5377 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000340.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000340.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000990.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000990.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001367.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001367.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003254.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003254.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001609.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001609.png 707.0912 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000033.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000033.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000187.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000187.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002604.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002604.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000378.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000378.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000910.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000910.png 707.0912 +2011_09_26/2011_09_26_drive_0035_sync/image_02/data/0000000025.png 2011_09_26_drive_0035_sync/proj_depth/groundtruth/image_02/0000000025.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001886.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001886.png 718.856 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000187.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000187.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000157.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000157.png 721.5377 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000326.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000326.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003403.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003403.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004831.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004831.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003510.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003510.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004581.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004581.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001139.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001139.png 707.0912 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000044.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000044.png 721.5377 +2011_09_29/2011_09_29_drive_0026_sync/image_02/data/0000000104.png 2011_09_29_drive_0026_sync/proj_depth/groundtruth/image_02/0000000104.png 718.3351 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001678.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001678.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002729.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002729.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000930.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000930.png 718.856 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000072.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000072.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001736.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001736.png 707.0912 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000167.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000167.png 721.5377 +2011_09_29/2011_09_29_drive_0026_sync/image_02/data/0000000030.png 2011_09_29_drive_0026_sync/proj_depth/groundtruth/image_02/0000000030.png 718.3351 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002881.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002881.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001661.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001661.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001792.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001792.png 718.856 +2011_09_29/2011_09_29_drive_0026_sync/image_02/data/0000000086.png 2011_09_29_drive_0026_sync/proj_depth/groundtruth/image_02/0000000086.png 718.3351 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000028.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000028.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002556.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002556.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000196.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000196.png 718.856 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000134.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000134.png 718.3351 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001069.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001069.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001170.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001170.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000809.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000809.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000308.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000308.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000226.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000226.png 718.856 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000114.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000114.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000843.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000843.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000005128.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000005128.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000001058.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000001058.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001968.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001968.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001766.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001766.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000999.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000999.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000001124.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000001124.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000498.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000498.png 707.0912 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000425.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000425.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000797.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000797.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004215.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004215.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000425.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000425.png 718.856 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000456.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000456.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003244.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003244.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003587.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003587.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001993.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001993.png 718.856 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000340.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000340.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004627.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004627.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004524.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004524.png 718.856 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000112.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000112.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000561.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000561.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000688.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000688.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000811.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000811.png 707.0912 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000223.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000223.png 718.3351 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000087.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000087.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002132.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002132.png 707.0912 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000099.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000099.png 721.5377 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000153.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000153.png 721.5377 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000339.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000339.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001731.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001731.png 707.0912 +2011_09_26/2011_09_26_drive_0035_sync/image_02/data/0000000042.png 2011_09_26_drive_0035_sync/proj_depth/groundtruth/image_02/0000000042.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004556.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004556.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003006.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003006.png 707.0912 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000299.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000299.png 721.5377 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000030.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000030.png 721.5377 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000327.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000327.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002819.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002819.png 718.856 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000323.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000323.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000446.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000446.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000266.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000266.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002448.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002448.png 707.0912 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000460.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000460.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000801.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000801.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000032.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000032.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003609.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003609.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000168.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000168.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001448.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001448.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001175.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001175.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001805.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001805.png 707.0912 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000093.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000093.png 721.5377 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000113.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000113.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000519.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000519.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001455.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001455.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002097.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002097.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000805.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000805.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002168.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002168.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004019.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004019.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001243.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001243.png 718.856 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000294.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000294.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004470.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004470.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004708.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004708.png 707.0912 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000052.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000052.png 721.5377 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000409.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000409.png 721.5377 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000129.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000129.png 718.3351 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001485.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001485.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002465.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002465.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000418.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000418.png 707.0912 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000302.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000302.png 718.3351 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000538.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000538.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000765.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000765.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003384.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003384.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002916.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002916.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004372.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004372.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001811.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001811.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001419.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001419.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003273.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003273.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000730.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000730.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000789.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000789.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000097.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000097.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000208.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000208.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001140.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001140.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001495.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001495.png 718.856 +2011_09_26/2011_09_26_drive_0113_sync/image_02/data/0000000005.png 2011_09_26_drive_0113_sync/proj_depth/groundtruth/image_02/0000000005.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000862.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000862.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001395.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001395.png 707.0912 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000278.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000278.png 721.5377 +2011_09_26/2011_09_26_drive_0001_sync/image_02/data/0000000081.png 2011_09_26_drive_0001_sync/proj_depth/groundtruth/image_02/0000000081.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000821.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000821.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000795.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000795.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000770.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000770.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004259.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004259.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000815.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000815.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002452.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002452.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002241.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002241.png 707.0912 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000128.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000128.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003686.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003686.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003991.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003991.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000555.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000555.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000826.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000826.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001179.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001179.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000544.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000544.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000831.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000831.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000250.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000250.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000206.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000206.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004437.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004437.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001331.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001331.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001835.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001835.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003086.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003086.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000437.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000437.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002224.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002224.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000664.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000664.png 718.856 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000011.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000011.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002718.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002718.png 718.856 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000664.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000664.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003728.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003728.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000441.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000441.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000613.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000613.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002548.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002548.png 707.0912 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000276.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000276.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000036.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000036.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001621.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001621.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004348.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004348.png 718.856 +2011_09_26/2011_09_26_drive_0113_sync/image_02/data/0000000029.png 2011_09_26_drive_0113_sync/proj_depth/groundtruth/image_02/0000000029.png 721.5377 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000100.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000100.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000868.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000868.png 718.856 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000235.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000235.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002252.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002252.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002135.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002135.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002847.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002847.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003111.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003111.png 718.856 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000146.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000146.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000358.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000358.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000355.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000355.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002334.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002334.png 718.856 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000120.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000120.png 721.5377 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000083.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000083.png 721.5377 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000170.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000170.png 721.5377 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000132.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000132.png 721.5377 +2011_09_29/2011_09_29_drive_0026_sync/image_02/data/0000000129.png 2011_09_29_drive_0026_sync/proj_depth/groundtruth/image_02/0000000129.png 718.3351 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003800.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003800.png 718.856 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000296.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000296.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001897.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001897.png 707.0912 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000061.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000061.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004193.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004193.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002899.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002899.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003118.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003118.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002854.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002854.png 718.856 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000693.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000693.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004580.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004580.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001275.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001275.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003171.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003171.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000974.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000974.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004598.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004598.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000397.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000397.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001020.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001020.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001411.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001411.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000091.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000091.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000822.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000822.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000005084.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000005084.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002579.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002579.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000564.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000564.png 707.0912 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000149.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000149.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000668.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000668.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002391.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002391.png 718.856 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000159.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000159.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004963.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004963.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000118.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000118.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000284.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000284.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000051.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000051.png 718.856 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000024.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000024.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000604.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000604.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002937.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002937.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000378.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000378.png 721.5377 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000414.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000414.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001121.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001121.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000658.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000658.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000331.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000331.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000668.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000668.png 721.5377 +2011_09_28/2011_09_28_drive_0001_sync/image_02/data/0000000012.png 2011_09_28_drive_0001_sync/proj_depth/groundtruth/image_02/0000000012.png 707.0493 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003689.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003689.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000286.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000286.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001861.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001861.png 718.856 +2011_09_26/2011_09_26_drive_0017_sync/image_02/data/0000000060.png 2011_09_26_drive_0017_sync/proj_depth/groundtruth/image_02/0000000060.png 721.5377 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000016.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000016.png 721.5377 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000398.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000398.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003065.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003065.png 707.0912 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000040.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000040.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001133.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001133.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003119.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003119.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001181.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001181.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001102.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001102.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001608.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001608.png 707.0912 +2011_09_26/2011_09_26_drive_0079_sync/image_02/data/0000000083.png 2011_09_26_drive_0079_sync/proj_depth/groundtruth/image_02/0000000083.png 721.5377 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000054.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000054.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001161.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001161.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000772.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000772.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000878.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000878.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004084.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004084.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004072.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004072.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004530.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004530.png 718.856 +2011_09_29/2011_09_29_drive_0026_sync/image_02/data/0000000039.png 2011_09_29_drive_0026_sync/proj_depth/groundtruth/image_02/0000000039.png 718.3351 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000234.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000234.png 707.0912 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000123.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000123.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000575.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000575.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000429.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000429.png 707.0912 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000304.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000304.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001548.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001548.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002401.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002401.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002229.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002229.png 718.856 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000290.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000290.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000286.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000286.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000724.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000724.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004124.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004124.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003060.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003060.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002837.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002837.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000133.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000133.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003331.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003331.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003617.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003617.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000079.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000079.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000976.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000976.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000031.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000031.png 707.0912 +2011_09_26/2011_09_26_drive_0035_sync/image_02/data/0000000056.png 2011_09_26_drive_0035_sync/proj_depth/groundtruth/image_02/0000000056.png 721.5377 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000018.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000018.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000505.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000505.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000950.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000950.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002222.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002222.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000216.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000216.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001099.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001099.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001116.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001116.png 707.0912 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000450.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000450.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000788.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000788.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000312.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000312.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003632.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003632.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001248.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001248.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001058.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001058.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003028.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003028.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001469.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001469.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003566.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003566.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000785.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000785.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000375.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000375.png 707.0912 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000260.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000260.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001757.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001757.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003637.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003637.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001474.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001474.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000513.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000513.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000388.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000388.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001414.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001414.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004671.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004671.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000322.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000322.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004495.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004495.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003223.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003223.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000892.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000892.png 718.856 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000154.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000154.png 721.5377 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000334.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000334.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000229.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000229.png 718.856 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000130.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000130.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000068.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000068.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000213.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000213.png 718.856 +2011_09_28/2011_09_28_drive_0001_sync/image_02/data/0000000071.png 2011_09_28_drive_0001_sync/proj_depth/groundtruth/image_02/0000000071.png 707.0493 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004584.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004584.png 707.0912 +2011_09_28/2011_09_28_drive_0001_sync/image_02/data/0000000044.png 2011_09_28_drive_0001_sync/proj_depth/groundtruth/image_02/0000000044.png 707.0493 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000185.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000185.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000479.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000479.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000680.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000680.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001751.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001751.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000717.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000717.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000100.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000100.png 707.0912 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000115.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000115.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002897.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002897.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000112.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000112.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004953.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004953.png 707.0912 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000073.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000073.png 721.5377 +2011_09_26/2011_09_26_drive_0017_sync/image_02/data/0000000008.png 2011_09_26_drive_0017_sync/proj_depth/groundtruth/image_02/0000000008.png 721.5377 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000314.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000314.png 721.5377 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000235.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000235.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000666.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000666.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000382.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000382.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003797.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003797.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001417.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001417.png 718.856 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000078.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000078.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004573.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004573.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000724.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000724.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003806.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003806.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000084.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000084.png 707.0912 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000197.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000197.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002057.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002057.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000111.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000111.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002965.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002965.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000753.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000753.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003022.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003022.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004930.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004930.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003758.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003758.png 718.856 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000121.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000121.png 721.5377 +2011_09_26/2011_09_26_drive_0017_sync/image_02/data/0000000053.png 2011_09_26_drive_0017_sync/proj_depth/groundtruth/image_02/0000000053.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000127.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000127.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000881.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000881.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003302.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003302.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000750.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000750.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004351.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004351.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004100.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004100.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000138.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000138.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001450.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001450.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002444.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002444.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000639.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000639.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001828.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001828.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000122.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000122.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004838.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004838.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004598.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004598.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000108.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000108.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000069.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000069.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000441.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000441.png 707.0912 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000171.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000171.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000437.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000437.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000163.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000163.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003933.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003933.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002124.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002124.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002586.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002586.png 707.0912 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000252.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000252.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000007.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000007.png 718.856 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000062.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000062.png 721.5377 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000429.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000429.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003996.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003996.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001114.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001114.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004218.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004218.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000145.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000145.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000066.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000066.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000825.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000825.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001216.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001216.png 707.0912 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000082.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000082.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000522.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000522.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000705.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000705.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000160.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000160.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004349.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004349.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002147.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002147.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001568.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001568.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000590.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000590.png 718.856 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000201.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000201.png 721.5377 +2011_09_29/2011_09_29_drive_0026_sync/image_02/data/0000000101.png 2011_09_29_drive_0026_sync/proj_depth/groundtruth/image_02/0000000101.png 718.3351 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004432.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004432.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000269.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000269.png 707.0912 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000104.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000104.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000528.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000528.png 718.856 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000054.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000054.png 718.3351 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000846.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000846.png 707.0912 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000222.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000222.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004552.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004552.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001704.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001704.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000247.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000247.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000333.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000333.png 721.5377 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000141.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000141.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000415.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000415.png 718.856 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000118.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000118.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000005.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000005.png 707.0912 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000238.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000238.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000306.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000306.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003637.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003637.png 718.856 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000421.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000421.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000330.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000330.png 721.5377 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000225.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000225.png 721.5377 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000089.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000089.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000629.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000629.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000035.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000035.png 718.856 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000591.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000591.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001512.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001512.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000717.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000717.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002340.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002340.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000171.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000171.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000707.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000707.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002806.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002806.png 718.856 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000229.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000229.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000018.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000018.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001470.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001470.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000001020.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000001020.png 718.856 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000434.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000434.png 721.5377 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000327.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000327.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000728.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000728.png 707.0912 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000235.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000235.png 721.5377 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000184.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000184.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002157.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002157.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004537.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004537.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000259.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000259.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003857.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003857.png 718.856 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000098.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000098.png 721.5377 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000446.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000446.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000509.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000509.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001744.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001744.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000229.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000229.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001167.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001167.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000253.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000253.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001796.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001796.png 718.856 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000187.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000187.png 718.3351 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000152.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000152.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002200.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002200.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004007.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004007.png 718.856 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000468.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000468.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002855.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002855.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002483.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002483.png 707.0912 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000046.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000046.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000993.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000993.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002834.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002834.png 718.856 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000156.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000156.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000683.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000683.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004527.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004527.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001434.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001434.png 707.0912 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000219.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000219.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000109.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000109.png 718.856 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000009.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000009.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000593.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000593.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002050.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002050.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000479.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000479.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000675.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000675.png 707.0912 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000370.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000370.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001537.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001537.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000853.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000853.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004470.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004470.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002196.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002196.png 707.0912 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000187.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000187.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002712.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002712.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003778.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003778.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003000.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003000.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000311.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000311.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004307.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004307.png 707.0912 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000196.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000196.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000584.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000584.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000545.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000545.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000953.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000953.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000383.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000383.png 718.856 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000092.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000092.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001130.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001130.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000001134.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000001134.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000768.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000768.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001216.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001216.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003361.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003361.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004758.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004758.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001131.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001131.png 707.0912 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000387.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000387.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000515.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000515.png 707.0912 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000055.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000055.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003394.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003394.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000399.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000399.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001751.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001751.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001193.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001193.png 707.0912 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000223.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000223.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004240.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004240.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000098.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000098.png 707.0912 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000140.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000140.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000028.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000028.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001538.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001538.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000210.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000210.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001527.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001527.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002359.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002359.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003182.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003182.png 718.856 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000135.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000135.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004475.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004475.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000075.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000075.png 707.0912 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000166.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000166.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000093.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000093.png 707.0912 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000126.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000126.png 718.3351 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000148.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000148.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000005074.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000005074.png 707.0912 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000084.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000084.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000270.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000270.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004962.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004962.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004385.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004385.png 718.856 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000218.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000218.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000090.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000090.png 721.5377 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000064.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000064.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003346.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003346.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001269.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001269.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001835.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001835.png 707.0912 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000161.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000161.png 718.3351 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000281.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000281.png 721.5377 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000243.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000243.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000089.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000089.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003144.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003144.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000419.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000419.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002460.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002460.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001933.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001933.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000473.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000473.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003741.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003741.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003461.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003461.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004453.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004453.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003443.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003443.png 707.0912 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000163.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000163.png 721.5377 +2011_09_26/2011_09_26_drive_0001_sync/image_02/data/0000000088.png 2011_09_26_drive_0001_sync/proj_depth/groundtruth/image_02/0000000088.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000715.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000715.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004188.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004188.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001737.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001737.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003592.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003592.png 718.856 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000371.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000371.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000303.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000303.png 707.0912 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000037.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000037.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003083.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003083.png 718.856 +2011_09_26/2011_09_26_drive_0035_sync/image_02/data/0000000099.png 2011_09_26_drive_0035_sync/proj_depth/groundtruth/image_02/0000000099.png 721.5377 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000112.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000112.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000325.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000325.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000263.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000263.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001002.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001002.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001138.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001138.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000554.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000554.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000056.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000056.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000535.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000535.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000196.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000196.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000455.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000455.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000593.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000593.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001591.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001591.png 707.0912 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000085.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000085.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000630.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000630.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000905.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000905.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002198.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002198.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004497.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004497.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003801.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003801.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000336.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000336.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000170.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000170.png 718.856 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000689.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000689.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000577.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000577.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001700.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001700.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003102.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003102.png 707.0912 +2011_09_26/2011_09_26_drive_0113_sync/image_02/data/0000000063.png 2011_09_26_drive_0113_sync/proj_depth/groundtruth/image_02/0000000063.png 721.5377 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000266.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000266.png 721.5377 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000123.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000123.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000758.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000758.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001047.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001047.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000786.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000786.png 707.0912 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000040.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000040.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003172.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003172.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000357.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000357.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000762.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000762.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002987.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002987.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000380.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000380.png 707.0912 +2011_09_26/2011_09_26_drive_0035_sync/image_02/data/0000000022.png 2011_09_26_drive_0035_sync/proj_depth/groundtruth/image_02/0000000022.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003190.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003190.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001338.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001338.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000436.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000436.png 718.856 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000384.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000384.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000018.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000018.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000335.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000335.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001427.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001427.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000152.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000152.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000129.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000129.png 721.5377 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000015.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000015.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002656.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002656.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000575.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000575.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000546.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000546.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000335.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000335.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001110.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001110.png 707.0912 +2011_09_26/2011_09_26_drive_0035_sync/image_02/data/0000000051.png 2011_09_26_drive_0035_sync/proj_depth/groundtruth/image_02/0000000051.png 721.5377 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000348.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000348.png 721.5377 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000189.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000189.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000373.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000373.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000507.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000507.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001036.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001036.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000851.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000851.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000565.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000565.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001409.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001409.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000627.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000627.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003260.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003260.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000565.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000565.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003608.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003608.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000014.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000014.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000034.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000034.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003103.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003103.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004106.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004106.png 707.0912 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000063.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000063.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000672.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000672.png 721.5377 +2011_09_28/2011_09_28_drive_0001_sync/image_02/data/0000000053.png 2011_09_28_drive_0001_sync/proj_depth/groundtruth/image_02/0000000053.png 707.0493 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000298.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000298.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004203.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004203.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000226.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000226.png 718.856 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000019.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000019.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004263.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004263.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003089.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003089.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002450.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002450.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000560.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000560.png 707.0912 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000326.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000326.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002216.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002216.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002327.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002327.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004576.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004576.png 707.0912 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000336.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000336.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002383.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002383.png 718.856 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000081.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000081.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000246.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000246.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002849.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002849.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004361.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004361.png 718.856 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000128.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000128.png 718.3351 +2011_09_26/2011_09_26_drive_0035_sync/image_02/data/0000000045.png 2011_09_26_drive_0035_sync/proj_depth/groundtruth/image_02/0000000045.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000932.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000932.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000354.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000354.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000994.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000994.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003495.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003495.png 718.856 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000108.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000108.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000250.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000250.png 707.0912 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000045.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000045.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001005.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001005.png 718.856 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000172.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000172.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000417.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000417.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002940.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002940.png 718.856 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000375.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000375.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001609.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001609.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000094.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000094.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000005099.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000005099.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000745.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000745.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002794.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002794.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000688.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000688.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000343.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000343.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000456.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000456.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000376.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000376.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004544.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004544.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000653.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000653.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000476.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000476.png 707.0912 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000038.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000038.png 721.5377 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000195.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000195.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000530.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000530.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003647.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003647.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001466.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001466.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002580.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002580.png 707.0912 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000042.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000042.png 718.3351 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000285.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000285.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000001094.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000001094.png 718.856 +2011_09_26/2011_09_26_drive_0035_sync/image_02/data/0000000064.png 2011_09_26_drive_0035_sync/proj_depth/groundtruth/image_02/0000000064.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000393.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000393.png 721.5377 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000022.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000022.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002824.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002824.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001810.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001810.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000343.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000343.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004264.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004264.png 718.856 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000064.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000064.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000316.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000316.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002596.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002596.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000657.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000657.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004340.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004340.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000509.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000509.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003395.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003395.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000256.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000256.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001072.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001072.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000949.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000949.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001160.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001160.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004280.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004280.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004404.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004404.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003971.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003971.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004655.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004655.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002845.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002845.png 718.856 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000457.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000457.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002910.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002910.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000549.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000549.png 718.856 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000381.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000381.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002069.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002069.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000429.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000429.png 707.0912 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000045.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000045.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001419.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001419.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000156.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000156.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003812.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003812.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000297.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000297.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000061.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000061.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004422.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004422.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003924.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003924.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003383.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003383.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000869.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000869.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000956.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000956.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000897.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000897.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000358.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000358.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000866.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000866.png 707.0912 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000348.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000348.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004347.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004347.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004593.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004593.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000483.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000483.png 721.5377 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000383.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000383.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000968.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000968.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003488.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003488.png 718.856 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000310.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000310.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000874.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000874.png 718.856 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000439.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000439.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000648.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000648.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000381.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000381.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000788.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000788.png 707.0912 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000182.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000182.png 721.5377 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000407.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000407.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004821.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004821.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002203.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002203.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000452.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000452.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002993.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002993.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000031.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000031.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001103.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001103.png 718.856 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000092.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000092.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000721.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000721.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004558.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004558.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001080.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001080.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001996.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001996.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000416.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000416.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000137.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000137.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000656.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000656.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000839.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000839.png 718.856 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000390.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000390.png 721.5377 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000150.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000150.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001525.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001525.png 707.0912 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000018.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000018.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004631.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004631.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000732.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000732.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000891.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000891.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004064.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004064.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004770.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004770.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000404.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000404.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003356.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003356.png 718.856 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000434.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000434.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000203.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000203.png 707.0912 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000192.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000192.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000573.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000573.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001012.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001012.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000051.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000051.png 707.0912 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000297.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000297.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000438.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000438.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003659.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003659.png 707.0912 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000417.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000417.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001168.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001168.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000504.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000504.png 718.856 +2011_09_26/2011_09_26_drive_0001_sync/image_02/data/0000000087.png 2011_09_26_drive_0001_sync/proj_depth/groundtruth/image_02/0000000087.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000112.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000112.png 707.0912 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000087.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000087.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002079.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002079.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003876.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003876.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000731.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000731.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001390.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001390.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001029.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001029.png 707.0912 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000035.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000035.png 721.5377 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000067.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000067.png 721.5377 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000144.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000144.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000496.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000496.png 721.5377 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000107.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000107.png 721.5377 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000218.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000218.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000670.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000670.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000734.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000734.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000841.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000841.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003829.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003829.png 707.0912 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000328.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000328.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002564.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002564.png 718.856 +2011_09_26/2011_09_26_drive_0005_sync/image_02/data/0000000067.png 2011_09_26_drive_0005_sync/proj_depth/groundtruth/image_02/0000000067.png 721.5377 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000368.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000368.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000329.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000329.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000616.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000616.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000028.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000028.png 721.5377 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000087.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000087.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004075.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004075.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000827.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000827.png 707.0912 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000185.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000185.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000065.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000065.png 721.5377 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000098.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000098.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000852.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000852.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000544.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000544.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000699.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000699.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000288.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000288.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000152.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000152.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001585.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001585.png 718.856 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000018.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000018.png 721.5377 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000043.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000043.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000589.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000589.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000906.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000906.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004874.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004874.png 707.0912 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000140.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000140.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004151.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004151.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000433.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000433.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000545.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000545.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001083.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001083.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003330.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003330.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001265.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001265.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000766.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000766.png 718.856 +2011_09_26/2011_09_26_drive_0035_sync/image_02/data/0000000015.png 2011_09_26_drive_0035_sync/proj_depth/groundtruth/image_02/0000000015.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001333.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001333.png 707.0912 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000058.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000058.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002852.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002852.png 718.856 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000053.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000053.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000880.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000880.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001011.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001011.png 707.0912 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000248.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000248.png 721.5377 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000050.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000050.png 718.3351 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000166.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000166.png 721.5377 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000212.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000212.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004250.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004250.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003236.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003236.png 707.0912 +2011_09_26/2011_09_26_drive_0017_sync/image_02/data/0000000022.png 2011_09_26_drive_0017_sync/proj_depth/groundtruth/image_02/0000000022.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003300.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003300.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000093.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000093.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003633.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003633.png 707.0912 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000114.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000114.png 721.5377 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000327.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000327.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002706.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002706.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004590.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004590.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004704.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004704.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001876.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001876.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000617.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000617.png 721.5377 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000259.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000259.png 721.5377 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000021.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000021.png 721.5377 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000351.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000351.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000808.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000808.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003215.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003215.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002873.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002873.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001401.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001401.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004898.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004898.png 707.0912 +2011_09_28/2011_09_28_drive_0001_sync/image_02/data/0000000011.png 2011_09_28_drive_0001_sync/proj_depth/groundtruth/image_02/0000000011.png 707.0493 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000046.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000046.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000734.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000734.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002604.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002604.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002290.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002290.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000304.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000304.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004409.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004409.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000580.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000580.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000058.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000058.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001868.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001868.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003085.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003085.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000588.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000588.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003309.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003309.png 718.856 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000229.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000229.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002126.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002126.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003523.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003523.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001490.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001490.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000444.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000444.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000543.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000543.png 707.0912 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000220.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000220.png 721.5377 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000121.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000121.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001274.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001274.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000611.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000611.png 718.856 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000256.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000256.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001431.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001431.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000652.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000652.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000720.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000720.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004591.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004591.png 707.0912 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000198.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000198.png 721.5377 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000010.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000010.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000182.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000182.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000527.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000527.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002784.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002784.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000133.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000133.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003441.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003441.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000954.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000954.png 718.856 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000305.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000305.png 721.5377 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000074.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000074.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000618.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000618.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002540.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002540.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003600.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003600.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000408.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000408.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000005117.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000005117.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002476.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002476.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001071.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001071.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003789.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003789.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004014.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004014.png 707.0912 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000367.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000367.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003413.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003413.png 718.856 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000280.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000280.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000713.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000713.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002031.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002031.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002851.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002851.png 707.0912 +2011_09_29/2011_09_29_drive_0026_sync/image_02/data/0000000126.png 2011_09_29_drive_0026_sync/proj_depth/groundtruth/image_02/0000000126.png 718.3351 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000668.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000668.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003311.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003311.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003792.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003792.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002379.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002379.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000657.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000657.png 707.0912 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000314.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000314.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000047.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000047.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000326.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000326.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000391.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000391.png 718.856 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000112.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000112.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003031.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003031.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002855.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002855.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001752.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001752.png 718.856 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000206.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000206.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001080.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001080.png 718.856 +2011_09_29/2011_09_29_drive_0026_sync/image_02/data/0000000102.png 2011_09_29_drive_0026_sync/proj_depth/groundtruth/image_02/0000000102.png 718.3351 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000242.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000242.png 707.0912 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000061.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000061.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000838.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000838.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000001120.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000001120.png 718.856 +2011_09_26/2011_09_26_drive_0035_sync/image_02/data/0000000085.png 2011_09_26_drive_0035_sync/proj_depth/groundtruth/image_02/0000000085.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000986.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000986.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000086.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000086.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004042.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004042.png 707.0912 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000127.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000127.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000933.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000933.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004456.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004456.png 718.856 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000116.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000116.png 721.5377 +2011_09_26/2011_09_26_drive_0060_sync/image_02/data/0000000014.png 2011_09_26_drive_0060_sync/proj_depth/groundtruth/image_02/0000000014.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000548.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000548.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000729.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000729.png 718.856 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000228.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000228.png 721.5377 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000156.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000156.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001042.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001042.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001395.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001395.png 707.0912 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000328.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000328.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000022.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000022.png 718.856 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000019.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000019.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002946.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002946.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000326.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000326.png 718.856 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000181.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000181.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001011.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001011.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001712.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001712.png 707.0912 +2011_09_26/2011_09_26_drive_0017_sync/image_02/data/0000000100.png 2011_09_26_drive_0017_sync/proj_depth/groundtruth/image_02/0000000100.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004466.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004466.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001579.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001579.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000627.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000627.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000706.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000706.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000620.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000620.png 721.5377 +2011_09_26/2011_09_26_drive_0079_sync/image_02/data/0000000049.png 2011_09_26_drive_0079_sync/proj_depth/groundtruth/image_02/0000000049.png 721.5377 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000117.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000117.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004861.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004861.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001435.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001435.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004257.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004257.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000977.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000977.png 707.0912 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000195.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000195.png 721.5377 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000170.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000170.png 721.5377 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000186.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000186.png 718.3351 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000245.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000245.png 721.5377 +2011_09_26/2011_09_26_drive_0060_sync/image_02/data/0000000060.png 2011_09_26_drive_0060_sync/proj_depth/groundtruth/image_02/0000000060.png 721.5377 +2011_09_26/2011_09_26_drive_0113_sync/image_02/data/0000000058.png 2011_09_26_drive_0113_sync/proj_depth/groundtruth/image_02/0000000058.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002715.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002715.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002120.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002120.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000005015.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000005015.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003980.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003980.png 707.0912 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000176.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000176.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000041.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000041.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003687.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003687.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000547.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000547.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000889.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000889.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000933.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000933.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003504.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003504.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000717.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000717.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000469.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000469.png 718.856 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000659.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000659.png 721.5377 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000329.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000329.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004345.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004345.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004554.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004554.png 718.856 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000084.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000084.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004569.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004569.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002488.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002488.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003573.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003573.png 718.856 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000243.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000243.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004455.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004455.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000034.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000034.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002078.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002078.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000400.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000400.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003056.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003056.png 718.856 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000207.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000207.png 721.5377 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000094.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000094.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001166.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001166.png 707.0912 +2011_09_28/2011_09_28_drive_0001_sync/image_02/data/0000000092.png 2011_09_28_drive_0001_sync/proj_depth/groundtruth/image_02/0000000092.png 707.0493 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001263.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001263.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000159.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000159.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000691.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000691.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000148.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000148.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003169.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003169.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001256.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001256.png 718.856 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000331.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000331.png 718.3351 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000122.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000122.png 721.5377 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000013.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000013.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000394.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000394.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001264.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001264.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000286.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000286.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001413.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001413.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000094.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000094.png 707.0912 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000132.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000132.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002826.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002826.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001306.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001306.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003287.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003287.png 718.856 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000271.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000271.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001857.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001857.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000092.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000092.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001457.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001457.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004285.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004285.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000602.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000602.png 718.856 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000148.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000148.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003518.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003518.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000574.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000574.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001009.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001009.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000441.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000441.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000005048.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000005048.png 707.0912 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000103.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000103.png 721.5377 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000244.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000244.png 721.5377 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000295.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000295.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004265.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004265.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000702.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000702.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004397.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004397.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001290.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001290.png 718.856 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000091.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000091.png 721.5377 +2011_09_26/2011_09_26_drive_0079_sync/image_02/data/0000000009.png 2011_09_26_drive_0079_sync/proj_depth/groundtruth/image_02/0000000009.png 721.5377 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000113.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000113.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004398.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004398.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000521.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000521.png 707.0912 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000236.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000236.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002403.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002403.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000898.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000898.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003494.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003494.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001096.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001096.png 707.0912 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000163.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000163.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002746.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002746.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000694.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000694.png 721.5377 +2011_09_26/2011_09_26_drive_0001_sync/image_02/data/0000000068.png 2011_09_26_drive_0001_sync/proj_depth/groundtruth/image_02/0000000068.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000481.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000481.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003063.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003063.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001490.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001490.png 707.0912 +2011_09_26/2011_09_26_drive_0005_sync/image_02/data/0000000009.png 2011_09_26_drive_0005_sync/proj_depth/groundtruth/image_02/0000000009.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002616.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002616.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000189.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000189.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000086.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000086.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004212.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004212.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000005134.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000005134.png 707.0912 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000199.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000199.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000649.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000649.png 718.856 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000022.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000022.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004179.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004179.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000434.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000434.png 707.0912 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000204.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000204.png 721.5377 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000025.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000025.png 721.5377 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000107.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000107.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000597.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000597.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000037.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000037.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004952.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004952.png 707.0912 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000264.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000264.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000001060.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000001060.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000458.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000458.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000001016.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000001016.png 718.856 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000253.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000253.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000865.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000865.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000654.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000654.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000377.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000377.png 721.5377 +2011_09_26/2011_09_26_drive_0005_sync/image_02/data/0000000148.png 2011_09_26_drive_0005_sync/proj_depth/groundtruth/image_02/0000000148.png 721.5377 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000088.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000088.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000426.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000426.png 707.0912 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000147.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000147.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000883.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000883.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000792.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000792.png 718.856 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000190.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000190.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001910.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001910.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000830.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000830.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004113.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004113.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002818.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002818.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002151.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002151.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000088.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000088.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000417.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000417.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004060.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004060.png 718.856 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000057.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000057.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000668.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000668.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000700.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000700.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002385.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002385.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000303.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000303.png 718.856 +2011_09_26/2011_09_26_drive_0035_sync/image_02/data/0000000089.png 2011_09_26_drive_0035_sync/proj_depth/groundtruth/image_02/0000000089.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000001114.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000001114.png 718.856 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000125.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000125.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004633.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004633.png 718.856 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000216.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000216.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002398.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002398.png 707.0912 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000255.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000255.png 718.3351 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003077.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003077.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001101.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001101.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000310.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000310.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000137.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000137.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000768.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000768.png 707.0912 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000282.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000282.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002711.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002711.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000175.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000175.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001347.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001347.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004494.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004494.png 718.856 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000047.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000047.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000640.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000640.png 718.856 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000469.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000469.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003469.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003469.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004589.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004589.png 718.856 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000225.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000225.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001341.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001341.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001642.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001642.png 718.856 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000220.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000220.png 721.5377 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000127.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000127.png 721.5377 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000333.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000333.png 721.5377 +2011_09_29/2011_09_29_drive_0026_sync/image_02/data/0000000094.png 2011_09_29_drive_0026_sync/proj_depth/groundtruth/image_02/0000000094.png 718.3351 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003839.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003839.png 718.856 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000041.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000041.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000674.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000674.png 721.5377 +2011_09_26/2011_09_26_drive_0113_sync/image_02/data/0000000077.png 2011_09_26_drive_0113_sync/proj_depth/groundtruth/image_02/0000000077.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000560.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000560.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002885.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002885.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003739.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003739.png 707.0912 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000106.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000106.png 721.5377 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000360.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000360.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000644.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000644.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002146.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002146.png 707.0912 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000360.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000360.png 721.5377 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000128.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000128.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001286.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001286.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001662.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001662.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000394.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000394.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003046.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003046.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001749.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001749.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000303.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000303.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004192.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004192.png 718.856 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000118.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000118.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004036.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004036.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002346.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002346.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002115.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002115.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002408.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002408.png 718.856 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000543.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000543.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003906.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003906.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003963.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003963.png 718.856 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000259.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000259.png 721.5377 +2011_09_26/2011_09_26_drive_0079_sync/image_02/data/0000000045.png 2011_09_26_drive_0079_sync/proj_depth/groundtruth/image_02/0000000045.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002158.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002158.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000948.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000948.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000813.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000813.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000710.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000710.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000293.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000293.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002489.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002489.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000483.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000483.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000187.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000187.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002142.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002142.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002102.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002102.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002129.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002129.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004354.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004354.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003700.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003700.png 718.856 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000173.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000173.png 718.3351 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003111.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003111.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000698.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000698.png 718.856 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000174.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000174.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000104.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000104.png 721.5377 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000236.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000236.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000662.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000662.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000277.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000277.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000005164.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000005164.png 707.0912 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000373.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000373.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001250.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001250.png 707.0912 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000311.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000311.png 718.3351 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001539.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001539.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000876.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000876.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000590.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000590.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004646.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004646.png 707.0912 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000295.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000295.png 721.5377 +2011_09_26/2011_09_26_drive_0005_sync/image_02/data/0000000040.png 2011_09_26_drive_0005_sync/proj_depth/groundtruth/image_02/0000000040.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004406.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004406.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002422.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002422.png 718.856 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000121.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000121.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002484.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002484.png 707.0912 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000103.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000103.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000728.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000728.png 718.856 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000197.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000197.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000850.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000850.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004021.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004021.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000772.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000772.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000055.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000055.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000873.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000873.png 718.856 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000248.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000248.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002552.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002552.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001960.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001960.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000320.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000320.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000145.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000145.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000324.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000324.png 721.5377 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000290.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000290.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003115.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003115.png 718.856 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000014.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000014.png 721.5377 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000173.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000173.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004379.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004379.png 718.856 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000239.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000239.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000296.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000296.png 707.0912 +2011_09_26/2011_09_26_drive_0001_sync/image_02/data/0000000041.png 2011_09_26_drive_0001_sync/proj_depth/groundtruth/image_02/0000000041.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000997.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000997.png 707.0912 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000145.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000145.png 721.5377 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000361.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000361.png 721.5377 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000187.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000187.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000474.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000474.png 721.5377 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000009.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000009.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000237.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000237.png 707.0912 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000071.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000071.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002060.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002060.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002331.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002331.png 707.0912 +2011_09_29/2011_09_29_drive_0026_sync/image_02/data/0000000089.png 2011_09_29_drive_0026_sync/proj_depth/groundtruth/image_02/0000000089.png 718.3351 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001009.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001009.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000630.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000630.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003346.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003346.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000910.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000910.png 718.856 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000463.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000463.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001542.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001542.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004356.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004356.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002314.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002314.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001140.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001140.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000350.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000350.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000125.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000125.png 707.0912 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000247.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000247.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000285.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000285.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001588.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001588.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000989.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000989.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002435.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002435.png 707.0912 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000236.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000236.png 721.5377 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000011.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000011.png 721.5377 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000162.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000162.png 721.5377 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000005.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000005.png 721.5377 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000196.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000196.png 718.3351 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002844.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002844.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003738.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003738.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000338.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000338.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000605.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000605.png 707.0912 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000368.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000368.png 721.5377 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000089.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000089.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003222.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003222.png 718.856 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000258.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000258.png 718.3351 +2011_09_29/2011_09_29_drive_0026_sync/image_02/data/0000000010.png 2011_09_29_drive_0026_sync/proj_depth/groundtruth/image_02/0000000010.png 718.3351 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001967.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001967.png 707.0912 +2011_09_26/2011_09_26_drive_0005_sync/image_02/data/0000000027.png 2011_09_26_drive_0005_sync/proj_depth/groundtruth/image_02/0000000027.png 721.5377 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000022.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000022.png 721.5377 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000082.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000082.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000119.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000119.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000058.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000058.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003488.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003488.png 707.0912 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000129.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000129.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000439.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000439.png 707.0912 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000065.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000065.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000834.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000834.png 718.856 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000170.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000170.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000238.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000238.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000001063.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000001063.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002042.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002042.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003120.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003120.png 707.0912 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000018.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000018.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003591.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003591.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000791.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000791.png 707.0912 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000035.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000035.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000208.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000208.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003593.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003593.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000345.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000345.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000530.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000530.png 718.856 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000307.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000307.png 721.5377 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000036.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000036.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001193.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001193.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003892.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003892.png 718.856 +2011_09_28/2011_09_28_drive_0001_sync/image_02/data/0000000037.png 2011_09_28_drive_0001_sync/proj_depth/groundtruth/image_02/0000000037.png 707.0493 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000242.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000242.png 721.5377 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000018.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000018.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000008.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000008.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002440.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002440.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000984.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000984.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004467.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004467.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000155.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000155.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004863.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004863.png 707.0912 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000036.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000036.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001503.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001503.png 707.0912 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000056.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000056.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000314.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000314.png 721.5377 +2011_09_26/2011_09_26_drive_0005_sync/image_02/data/0000000135.png 2011_09_26_drive_0005_sync/proj_depth/groundtruth/image_02/0000000135.png 721.5377 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000200.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000200.png 721.5377 +2011_09_26/2011_09_26_drive_0079_sync/image_02/data/0000000088.png 2011_09_26_drive_0079_sync/proj_depth/groundtruth/image_02/0000000088.png 721.5377 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000396.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000396.png 721.5377 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000127.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000127.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000671.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000671.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002038.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002038.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000944.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000944.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002918.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002918.png 718.856 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000130.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000130.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000746.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000746.png 707.0912 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000045.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000045.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000320.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000320.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000412.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000412.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000001032.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000001032.png 718.856 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000307.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000307.png 721.5377 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000201.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000201.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000319.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000319.png 707.0912 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000079.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000079.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000147.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000147.png 718.856 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000188.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000188.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000469.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000469.png 721.5377 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000140.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000140.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002343.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002343.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004638.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004638.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001536.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001536.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000509.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000509.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001317.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001317.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000920.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000920.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000853.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000853.png 707.0912 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000462.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000462.png 721.5377 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000320.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000320.png 721.5377 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000029.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000029.png 721.5377 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000251.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000251.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000598.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000598.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003751.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003751.png 707.0912 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000214.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000214.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000160.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000160.png 721.5377 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000293.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000293.png 718.3351 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000678.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000678.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002904.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002904.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001103.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001103.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004286.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004286.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000581.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000581.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004337.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004337.png 718.856 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000181.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000181.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003211.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003211.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000257.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000257.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001195.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001195.png 718.856 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000136.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000136.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001061.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001061.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004056.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004056.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000467.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000467.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000372.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000372.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004524.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004524.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000066.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000066.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002254.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002254.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002639.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002639.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004571.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004571.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000848.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000848.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000936.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000936.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000404.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000404.png 707.0912 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000104.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000104.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004210.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004210.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000275.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000275.png 721.5377 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000216.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000216.png 721.5377 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000006.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000006.png 721.5377 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000213.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000213.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000221.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000221.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000622.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000622.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003177.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003177.png 718.856 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000194.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000194.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000467.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000467.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002862.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002862.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002967.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002967.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004262.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004262.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003794.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003794.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003832.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003832.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000005007.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000005007.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000594.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000594.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002468.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002468.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002971.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002971.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000334.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000334.png 721.5377 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000012.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000012.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000287.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000287.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003613.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003613.png 707.0912 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000203.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000203.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003302.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003302.png 718.856 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000064.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000064.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000026.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000026.png 707.0912 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000111.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000111.png 721.5377 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000156.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000156.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000411.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000411.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003935.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003935.png 707.0912 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000384.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000384.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000879.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000879.png 707.0912 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000150.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000150.png 721.5377 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000340.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000340.png 721.5377 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000031.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000031.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002098.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002098.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000418.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000418.png 721.5377 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000229.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000229.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001070.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001070.png 707.0912 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000209.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000209.png 718.3351 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002651.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002651.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000327.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000327.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000878.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000878.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000933.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000933.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001079.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001079.png 707.0912 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000162.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000162.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001197.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001197.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003381.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003381.png 718.856 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000070.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000070.png 721.5377 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000022.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000022.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003169.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003169.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000371.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000371.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000506.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000506.png 721.5377 +2011_09_26/2011_09_26_drive_0005_sync/image_02/data/0000000111.png 2011_09_26_drive_0005_sync/proj_depth/groundtruth/image_02/0000000111.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000064.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000064.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000393.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000393.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000759.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000759.png 707.0912 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000268.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000268.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000078.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000078.png 707.0912 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000330.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000330.png 718.3351 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000265.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000265.png 721.5377 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000097.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000097.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000091.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000091.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004604.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004604.png 707.0912 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000166.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000166.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003314.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003314.png 707.0912 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000288.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000288.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002323.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002323.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001334.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001334.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000005049.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000005049.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000475.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000475.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003967.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003967.png 718.856 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000261.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000261.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000164.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000164.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001528.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001528.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000316.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000316.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001561.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001561.png 718.856 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000211.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000211.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002111.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002111.png 707.0912 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000052.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000052.png 718.3351 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002325.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002325.png 718.856 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000273.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000273.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000426.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000426.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000146.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000146.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001964.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001964.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002411.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002411.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004517.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004517.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000814.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000814.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002927.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002927.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000242.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000242.png 707.0912 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000321.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000321.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002136.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002136.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003156.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003156.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000133.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000133.png 707.0912 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000224.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000224.png 721.5377 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000089.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000089.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001520.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001520.png 718.856 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000244.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000244.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000583.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000583.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000005078.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000005078.png 707.0912 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000052.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000052.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002934.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002934.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002121.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002121.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001631.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001631.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004637.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004637.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000150.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000150.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002528.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002528.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004539.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004539.png 707.0912 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000152.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000152.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000771.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000771.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000239.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000239.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001585.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001585.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002260.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002260.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000155.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000155.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001137.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001137.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000789.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000789.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000697.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000697.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003034.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003034.png 718.856 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000151.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000151.png 721.5377 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000144.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000144.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001146.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001146.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004226.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004226.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001232.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001232.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000871.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000871.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002528.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002528.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003415.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003415.png 707.0912 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000259.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000259.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000401.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000401.png 721.5377 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000135.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000135.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001351.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001351.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000001077.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000001077.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001583.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001583.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003114.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003114.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000001127.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000001127.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000001004.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000001004.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000080.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000080.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000399.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000399.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002991.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002991.png 707.0912 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000154.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000154.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001575.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001575.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003155.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003155.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000011.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000011.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003763.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003763.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000044.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000044.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001745.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001745.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000269.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000269.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001638.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001638.png 707.0912 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000132.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000132.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003843.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003843.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003418.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003418.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000891.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000891.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000596.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000596.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004590.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004590.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001074.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001074.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000047.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000047.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004483.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004483.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002240.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002240.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004484.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004484.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001319.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001319.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000869.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000869.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004131.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004131.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004111.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004111.png 718.856 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000243.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000243.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000850.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000850.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000814.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000814.png 707.0912 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000157.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000157.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000706.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000706.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004006.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004006.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000970.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000970.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003697.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003697.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000722.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000722.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004024.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004024.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002688.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002688.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004520.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004520.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000964.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000964.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001821.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001821.png 718.856 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000263.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000263.png 718.3351 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000217.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000217.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004516.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004516.png 718.856 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000208.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000208.png 721.5377 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000231.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000231.png 718.3351 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001690.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001690.png 718.856 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000281.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000281.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001812.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001812.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003250.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003250.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000020.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000020.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000330.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000330.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001458.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001458.png 707.0912 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000029.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000029.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002618.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002618.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000956.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000956.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000900.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000900.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000757.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000757.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001113.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001113.png 718.856 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000198.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000198.png 721.5377 +2011_09_26/2011_09_26_drive_0005_sync/image_02/data/0000000132.png 2011_09_26_drive_0005_sync/proj_depth/groundtruth/image_02/0000000132.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000833.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000833.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003200.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003200.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002043.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002043.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004802.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004802.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001093.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001093.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000418.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000418.png 718.856 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000597.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000597.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000961.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000961.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003117.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003117.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002581.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002581.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000364.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000364.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002548.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002548.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001721.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001721.png 707.0912 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000145.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000145.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000278.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000278.png 707.0912 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000292.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000292.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003094.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003094.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002430.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002430.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000333.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000333.png 718.856 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000167.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000167.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001914.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001914.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001403.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001403.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003070.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003070.png 718.856 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000064.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000064.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000398.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000398.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000711.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000711.png 721.5377 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000306.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000306.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001187.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001187.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000184.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000184.png 707.0912 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000100.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000100.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000045.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000045.png 707.0912 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000258.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000258.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001589.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001589.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000516.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000516.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002615.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002615.png 718.856 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000616.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000616.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001182.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001182.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003936.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003936.png 707.0912 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000113.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000113.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000748.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000748.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000824.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000824.png 718.856 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000379.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000379.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000028.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000028.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000289.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000289.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001165.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001165.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004613.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004613.png 707.0912 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000031.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000031.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002803.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002803.png 707.0912 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000302.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000302.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000126.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000126.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003906.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003906.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002858.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002858.png 718.856 +2011_09_26/2011_09_26_drive_0035_sync/image_02/data/0000000072.png 2011_09_26_drive_0035_sync/proj_depth/groundtruth/image_02/0000000072.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001931.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001931.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003235.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003235.png 707.0912 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000059.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000059.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002833.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002833.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000059.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000059.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003558.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003558.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000620.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000620.png 707.0912 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000255.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000255.png 721.5377 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000224.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000224.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000636.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000636.png 718.856 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000252.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000252.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000209.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000209.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002096.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002096.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003491.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003491.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002721.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002721.png 718.856 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000414.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000414.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000032.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000032.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000788.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000788.png 718.856 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000302.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000302.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004915.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004915.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003352.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003352.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000141.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000141.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000783.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000783.png 707.0912 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000205.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000205.png 718.3351 +2011_09_26/2011_09_26_drive_0005_sync/image_02/data/0000000038.png 2011_09_26_drive_0005_sync/proj_depth/groundtruth/image_02/0000000038.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001485.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001485.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000414.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000414.png 707.0912 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000180.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000180.png 721.5377 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000273.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000273.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000821.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000821.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004490.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004490.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000001117.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000001117.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000752.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000752.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002530.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002530.png 718.856 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000501.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000501.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000804.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000804.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003459.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003459.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002588.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002588.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000626.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000626.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001075.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001075.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000758.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000758.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001042.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001042.png 707.0912 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000139.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000139.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000774.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000774.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000320.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000320.png 707.0912 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000234.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000234.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003104.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003104.png 707.0912 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000308.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000308.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002418.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002418.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003221.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003221.png 707.0912 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000085.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000085.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000948.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000948.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002151.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002151.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004121.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004121.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000100.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000100.png 707.0912 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000287.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000287.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000011.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000011.png 707.0912 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000081.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000081.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000620.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000620.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000005.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000005.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000563.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000563.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001554.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001554.png 707.0912 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000156.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000156.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002075.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002075.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000465.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000465.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000001046.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000001046.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000414.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000414.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000205.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000205.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001060.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001060.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000994.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000994.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002385.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002385.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000095.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000095.png 707.0912 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000072.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000072.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000354.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000354.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000509.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000509.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004576.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004576.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000644.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000644.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002716.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002716.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000141.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000141.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000111.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000111.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000069.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000069.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001259.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001259.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001373.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001373.png 707.0912 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000250.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000250.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000001000.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000001000.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000314.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000314.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002844.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002844.png 718.856 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000268.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000268.png 721.5377 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000232.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000232.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001453.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001453.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000005.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000005.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000521.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000521.png 707.0912 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000106.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000106.png 721.5377 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000309.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000309.png 721.5377 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000409.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000409.png 721.5377 +2011_09_26/2011_09_26_drive_0035_sync/image_02/data/0000000018.png 2011_09_26_drive_0035_sync/proj_depth/groundtruth/image_02/0000000018.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000557.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000557.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000103.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000103.png 718.856 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000222.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000222.png 721.5377 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000104.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000104.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001199.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001199.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000503.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000503.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000248.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000248.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002658.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002658.png 718.856 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000047.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000047.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003661.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003661.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000586.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000586.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002950.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002950.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001332.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001332.png 718.856 +2011_09_26/2011_09_26_drive_0035_sync/image_02/data/0000000107.png 2011_09_26_drive_0035_sync/proj_depth/groundtruth/image_02/0000000107.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000205.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000205.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000367.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000367.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000446.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000446.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002989.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002989.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001305.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001305.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000635.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000635.png 718.856 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000176.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000176.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000741.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000741.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004738.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004738.png 707.0912 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000186.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000186.png 721.5377 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000081.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000081.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003732.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003732.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000622.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000622.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001353.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001353.png 718.856 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000247.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000247.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000001076.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000001076.png 707.0912 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000159.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000159.png 721.5377 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000411.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000411.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002501.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002501.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003440.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003440.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002668.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002668.png 707.0912 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000020.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000020.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001672.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001672.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004118.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004118.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001149.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001149.png 707.0912 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000260.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000260.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000014.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000014.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000271.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000271.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003871.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003871.png 707.0912 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000261.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000261.png 718.3351 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000283.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000283.png 721.5377 +2011_09_26/2011_09_26_drive_0005_sync/image_02/data/0000000101.png 2011_09_26_drive_0005_sync/proj_depth/groundtruth/image_02/0000000101.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001151.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001151.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001358.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001358.png 707.0912 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000266.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000266.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002138.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002138.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003838.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003838.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000981.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000981.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004792.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004792.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002549.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002549.png 707.0912 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000039.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000039.png 721.5377 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000388.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000388.png 721.5377 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000190.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000190.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001676.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001676.png 718.856 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000410.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000410.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000694.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000694.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000465.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000465.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001195.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001195.png 707.0912 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000048.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000048.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001205.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001205.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000144.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000144.png 707.0912 +2011_09_26/2011_09_26_drive_0113_sync/image_02/data/0000000008.png 2011_09_26_drive_0113_sync/proj_depth/groundtruth/image_02/0000000008.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001530.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001530.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000855.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000855.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000684.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000684.png 718.856 +2011_09_29/2011_09_29_drive_0026_sync/image_02/data/0000000099.png 2011_09_29_drive_0026_sync/proj_depth/groundtruth/image_02/0000000099.png 718.3351 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000569.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000569.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002796.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002796.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000446.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000446.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003942.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003942.png 718.856 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000098.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000098.png 721.5377 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000069.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000069.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001220.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001220.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000005155.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000005155.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002184.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002184.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000417.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000417.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002069.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002069.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000920.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000920.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004469.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004469.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000619.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000619.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004619.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004619.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000448.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000448.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000001062.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000001062.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001814.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001814.png 718.856 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000704.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000704.png 721.5377 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000237.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000237.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002434.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002434.png 718.856 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000667.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000667.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001672.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001672.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000218.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000218.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003116.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003116.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000001010.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000001010.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004491.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004491.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000631.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000631.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000503.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000503.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000870.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000870.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000808.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000808.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000517.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000517.png 707.0912 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000180.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000180.png 721.5377 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000156.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000156.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001472.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001472.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000535.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000535.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001584.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001584.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003103.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003103.png 707.0912 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000349.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000349.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000354.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000354.png 707.0912 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000079.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000079.png 721.5377 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000367.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000367.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002771.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002771.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000768.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000768.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003106.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003106.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001878.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001878.png 718.856 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000110.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000110.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000991.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000991.png 707.0912 +2011_09_26/2011_09_26_drive_0017_sync/image_02/data/0000000015.png 2011_09_26_drive_0017_sync/proj_depth/groundtruth/image_02/0000000015.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003351.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003351.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003316.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003316.png 707.0912 +2011_09_26/2011_09_26_drive_0001_sync/image_02/data/0000000037.png 2011_09_26_drive_0001_sync/proj_depth/groundtruth/image_02/0000000037.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000846.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000846.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000607.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000607.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000040.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000040.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000716.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000716.png 707.0912 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000333.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000333.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004155.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004155.png 707.0912 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000259.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000259.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000125.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000125.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002068.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002068.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000800.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000800.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000845.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000845.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000875.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000875.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000080.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000080.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000234.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000234.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003364.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003364.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001513.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001513.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000625.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000625.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001191.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001191.png 707.0912 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000385.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000385.png 721.5377 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000208.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000208.png 721.5377 +2011_09_26/2011_09_26_drive_0079_sync/image_02/data/0000000018.png 2011_09_26_drive_0079_sync/proj_depth/groundtruth/image_02/0000000018.png 721.5377 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000274.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000274.png 721.5377 +2011_09_28/2011_09_28_drive_0001_sync/image_02/data/0000000083.png 2011_09_28_drive_0001_sync/proj_depth/groundtruth/image_02/0000000083.png 707.0493 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000592.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000592.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001422.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001422.png 707.0912 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000403.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000403.png 721.5377 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000018.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000018.png 718.3351 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000341.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000341.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002019.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002019.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002537.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002537.png 718.856 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000013.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000013.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000128.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000128.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004342.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004342.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000001101.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000001101.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001985.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001985.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000536.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000536.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003887.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003887.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000224.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000224.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000706.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000706.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004053.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004053.png 718.856 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000411.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000411.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000686.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000686.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002367.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002367.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000001107.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000001107.png 718.856 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000249.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000249.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004430.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004430.png 718.856 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000140.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000140.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000184.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000184.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001505.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001505.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003994.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003994.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004193.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004193.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002635.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002635.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003023.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003023.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000005071.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000005071.png 707.0912 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000223.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000223.png 721.5377 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000021.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000021.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000014.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000014.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003209.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003209.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000228.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000228.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000981.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000981.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004133.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004133.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000816.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000816.png 718.856 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000369.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000369.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004316.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004316.png 718.856 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000259.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000259.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000795.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000795.png 718.856 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000315.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000315.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002823.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002823.png 718.856 +2011_09_26/2011_09_26_drive_0017_sync/image_02/data/0000000067.png 2011_09_26_drive_0017_sync/proj_depth/groundtruth/image_02/0000000067.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000416.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000416.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000042.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000042.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004727.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004727.png 707.0912 +2011_09_26/2011_09_26_drive_0005_sync/image_02/data/0000000064.png 2011_09_26_drive_0005_sync/proj_depth/groundtruth/image_02/0000000064.png 721.5377 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000160.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000160.png 721.5377 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000354.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000354.png 721.5377 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000080.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000080.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002798.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002798.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000005089.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000005089.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002911.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002911.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002004.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002004.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000236.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000236.png 707.0912 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000122.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000122.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000005104.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000005104.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000633.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000633.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000484.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000484.png 721.5377 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000361.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000361.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000812.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000812.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000838.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000838.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002523.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002523.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000140.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000140.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000001059.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000001059.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000211.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000211.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003485.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003485.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001382.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001382.png 718.856 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000318.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000318.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001789.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001789.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003849.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003849.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004209.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004209.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000798.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000798.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003794.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003794.png 718.856 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000071.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000071.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001102.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001102.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003819.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003819.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000815.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000815.png 718.856 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000189.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000189.png 721.5377 +2011_09_26/2011_09_26_drive_0005_sync/image_02/data/0000000105.png 2011_09_26_drive_0005_sync/proj_depth/groundtruth/image_02/0000000105.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001551.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001551.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000911.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000911.png 718.856 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000273.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000273.png 721.5377 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000309.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000309.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000768.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000768.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000501.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000501.png 707.0912 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000009.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000009.png 721.5377 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000215.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000215.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000300.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000300.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000449.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000449.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000083.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000083.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000551.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000551.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001545.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001545.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000925.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000925.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000429.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000429.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001242.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001242.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000097.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000097.png 707.0912 +2011_09_26/2011_09_26_drive_0035_sync/image_02/data/0000000071.png 2011_09_26_drive_0035_sync/proj_depth/groundtruth/image_02/0000000071.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001493.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001493.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001687.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001687.png 707.0912 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000285.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000285.png 721.5377 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000240.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000240.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001901.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001901.png 718.856 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000133.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000133.png 718.3351 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000375.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000375.png 718.856 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000146.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000146.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000719.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000719.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000686.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000686.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000178.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000178.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004287.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004287.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004222.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004222.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004999.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004999.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003502.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003502.png 718.856 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000131.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000131.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000212.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000212.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001660.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001660.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000242.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000242.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000001027.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000001027.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000340.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000340.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000263.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000263.png 721.5377 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000101.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000101.png 721.5377 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000253.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000253.png 721.5377 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000265.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000265.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001955.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001955.png 718.856 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000464.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000464.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001162.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001162.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002365.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002365.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000352.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000352.png 718.856 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000216.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000216.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000281.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000281.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001372.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001372.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000477.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000477.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001568.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001568.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000001095.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000001095.png 718.856 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000008.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000008.png 721.5377 +2011_09_26/2011_09_26_drive_0060_sync/image_02/data/0000000032.png 2011_09_26_drive_0060_sync/proj_depth/groundtruth/image_02/0000000032.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003061.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003061.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002517.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002517.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001697.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001697.png 718.856 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000284.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000284.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001009.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001009.png 718.856 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000134.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000134.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003690.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003690.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000822.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000822.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000145.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000145.png 721.5377 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000007.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000007.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000270.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000270.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003709.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003709.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000835.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000835.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000333.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000333.png 721.5377 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000113.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000113.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000656.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000656.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001711.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001711.png 718.856 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000049.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000049.png 721.5377 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000332.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000332.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000843.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000843.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000702.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000702.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000005059.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000005059.png 707.0912 +2011_09_29/2011_09_29_drive_0026_sync/image_02/data/0000000091.png 2011_09_29_drive_0026_sync/proj_depth/groundtruth/image_02/0000000091.png 718.3351 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003561.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003561.png 718.856 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000286.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000286.png 721.5377 +2011_09_26/2011_09_26_drive_0113_sync/image_02/data/0000000051.png 2011_09_26_drive_0113_sync/proj_depth/groundtruth/image_02/0000000051.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003731.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003731.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000423.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000423.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002618.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002618.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003867.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003867.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003839.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003839.png 707.0912 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000084.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000084.png 721.5377 +2011_09_26/2011_09_26_drive_0035_sync/image_02/data/0000000092.png 2011_09_26_drive_0035_sync/proj_depth/groundtruth/image_02/0000000092.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000101.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000101.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000864.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000864.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002672.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002672.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000846.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000846.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001211.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001211.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004501.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004501.png 707.0912 +2011_09_28/2011_09_28_drive_0001_sync/image_02/data/0000000020.png 2011_09_28_drive_0001_sync/proj_depth/groundtruth/image_02/0000000020.png 707.0493 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000083.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000083.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000507.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000507.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003531.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003531.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000112.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000112.png 707.0912 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000005.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000005.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000260.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000260.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001375.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001375.png 707.0912 +2011_09_26/2011_09_26_drive_0001_sync/image_02/data/0000000026.png 2011_09_26_drive_0001_sync/proj_depth/groundtruth/image_02/0000000026.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000658.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000658.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000595.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000595.png 721.5377 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000060.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000060.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000551.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000551.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003222.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003222.png 707.0912 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000110.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000110.png 721.5377 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000141.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000141.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000449.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000449.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000930.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000930.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001164.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001164.png 707.0912 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000276.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000276.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001928.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001928.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000065.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000065.png 718.856 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000113.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000113.png 721.5377 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000253.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000253.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001426.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001426.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000047.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000047.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000334.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000334.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001896.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001896.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002001.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002001.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000329.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000329.png 718.856 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000041.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000041.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000599.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000599.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001247.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001247.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000922.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000922.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000705.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000705.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004540.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004540.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002620.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002620.png 707.0912 +2011_09_26/2011_09_26_drive_0017_sync/image_02/data/0000000071.png 2011_09_26_drive_0017_sync/proj_depth/groundtruth/image_02/0000000071.png 721.5377 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000031.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000031.png 721.5377 +2011_09_26/2011_09_26_drive_0005_sync/image_02/data/0000000056.png 2011_09_26_drive_0005_sync/proj_depth/groundtruth/image_02/0000000056.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002130.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002130.png 718.856 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000032.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000032.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002011.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002011.png 718.856 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000281.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000281.png 718.3351 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001680.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001680.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000200.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000200.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000929.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000929.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000520.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000520.png 718.856 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000216.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000216.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000702.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000702.png 707.0912 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000033.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000033.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000034.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000034.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002840.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002840.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000754.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000754.png 707.0912 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000033.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000033.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003662.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003662.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003952.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003952.png 707.0912 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000061.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000061.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001816.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001816.png 707.0912 +2011_09_28/2011_09_28_drive_0001_sync/image_02/data/0000000074.png 2011_09_28_drive_0001_sync/proj_depth/groundtruth/image_02/0000000074.png 707.0493 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000355.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000355.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004824.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004824.png 707.0912 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000357.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000357.png 721.5377 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000353.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000353.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001904.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001904.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002890.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002890.png 707.0912 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000177.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000177.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000362.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000362.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002347.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002347.png 707.0912 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000214.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000214.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000055.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000055.png 721.5377 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000183.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000183.png 718.3351 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001396.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001396.png 707.0912 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000301.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000301.png 718.3351 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003918.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003918.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000610.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000610.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000540.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000540.png 707.0912 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000295.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000295.png 721.5377 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000055.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000055.png 721.5377 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000123.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000123.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000233.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000233.png 718.856 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000274.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000274.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001252.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001252.png 707.0912 +2011_09_29/2011_09_29_drive_0026_sync/image_02/data/0000000152.png 2011_09_29_drive_0026_sync/proj_depth/groundtruth/image_02/0000000152.png 718.3351 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001106.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001106.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001734.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001734.png 707.0912 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000150.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000150.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000180.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000180.png 718.856 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000295.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000295.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000865.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000865.png 707.0912 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000167.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000167.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003186.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003186.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000367.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000367.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001735.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001735.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001442.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001442.png 707.0912 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000050.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000050.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000444.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000444.png 718.856 +2011_09_29/2011_09_29_drive_0026_sync/image_02/data/0000000045.png 2011_09_29_drive_0026_sync/proj_depth/groundtruth/image_02/0000000045.png 718.3351 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000198.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000198.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003155.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003155.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001053.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001053.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001304.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001304.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002944.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002944.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000258.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000258.png 721.5377 +2011_09_26/2011_09_26_drive_0113_sync/image_02/data/0000000071.png 2011_09_26_drive_0113_sync/proj_depth/groundtruth/image_02/0000000071.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000067.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000067.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000005033.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000005033.png 707.0912 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000041.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000041.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000202.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000202.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004013.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004013.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001600.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001600.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003101.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003101.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000539.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000539.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000626.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000626.png 707.0912 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000264.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000264.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001641.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001641.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000483.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000483.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001604.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001604.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004621.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004621.png 718.856 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000205.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000205.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001081.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001081.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000187.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000187.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000564.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000564.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001981.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001981.png 707.0912 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000010.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000010.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000134.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000134.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003936.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003936.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003806.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003806.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000518.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000518.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000646.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000646.png 718.856 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000497.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000497.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002900.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002900.png 707.0912 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000229.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000229.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000266.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000266.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000462.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000462.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000852.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000852.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000362.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000362.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000423.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000423.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000042.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000042.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002037.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002037.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000258.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000258.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000242.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000242.png 707.0912 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000030.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000030.png 721.5377 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000266.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000266.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000479.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000479.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002445.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002445.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000213.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000213.png 721.5377 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000071.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000071.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000863.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000863.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002811.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002811.png 707.0912 +2011_09_26/2011_09_26_drive_0001_sync/image_02/data/0000000052.png 2011_09_26_drive_0001_sync/proj_depth/groundtruth/image_02/0000000052.png 721.5377 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000220.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000220.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003075.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003075.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002611.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002611.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000545.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000545.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001444.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001444.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000653.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000653.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000895.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000895.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001089.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001089.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001348.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001348.png 718.856 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000160.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000160.png 721.5377 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000225.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000225.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000077.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000077.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002554.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002554.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000277.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000277.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000603.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000603.png 718.856 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000208.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000208.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000503.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000503.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000395.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000395.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000218.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000218.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000099.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000099.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003160.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003160.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003100.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003100.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000470.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000470.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000598.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000598.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001019.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001019.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000430.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000430.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004830.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004830.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000959.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000959.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000971.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000971.png 707.0912 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000072.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000072.png 718.3351 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000458.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000458.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002516.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002516.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000837.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000837.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000746.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000746.png 718.856 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000078.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000078.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001498.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001498.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004035.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004035.png 707.0912 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000159.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000159.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003733.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003733.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001831.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001831.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001745.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001745.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000211.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000211.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000397.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000397.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003815.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003815.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002518.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002518.png 718.856 +2011_09_26/2011_09_26_drive_0005_sync/image_02/data/0000000021.png 2011_09_26_drive_0005_sync/proj_depth/groundtruth/image_02/0000000021.png 721.5377 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000196.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000196.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002175.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002175.png 718.856 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000155.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000155.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000161.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000161.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000073.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000073.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000331.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000331.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000056.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000056.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000321.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000321.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000627.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000627.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000264.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000264.png 707.0912 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000027.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000027.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000520.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000520.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001183.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001183.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002179.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002179.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004866.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004866.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000622.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000622.png 721.5377 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000011.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000011.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004386.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004386.png 707.0912 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000395.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000395.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002774.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002774.png 707.0912 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000178.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000178.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002978.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002978.png 707.0912 +2011_09_26/2011_09_26_drive_0017_sync/image_02/data/0000000083.png 2011_09_26_drive_0017_sync/proj_depth/groundtruth/image_02/0000000083.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001940.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001940.png 718.856 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000274.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000274.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000095.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000095.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003508.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003508.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001345.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001345.png 707.0912 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000120.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000120.png 718.3351 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000556.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000556.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000091.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000091.png 707.0912 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000177.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000177.png 721.5377 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000015.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000015.png 721.5377 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000077.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000077.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002086.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002086.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001171.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001171.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000251.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000251.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001035.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001035.png 718.856 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000098.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000098.png 718.3351 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001190.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001190.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001871.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001871.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000582.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000582.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000776.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000776.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000554.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000554.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004923.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004923.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000784.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000784.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001989.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001989.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000404.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000404.png 707.0912 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000250.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000250.png 721.5377 +2011_09_26/2011_09_26_drive_0005_sync/image_02/data/0000000104.png 2011_09_26_drive_0005_sync/proj_depth/groundtruth/image_02/0000000104.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000686.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000686.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001579.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001579.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001359.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001359.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004284.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004284.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000162.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000162.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003692.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003692.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003557.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003557.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004475.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004475.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001509.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001509.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000486.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000486.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002403.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002403.png 718.856 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000175.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000175.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001605.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001605.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003057.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003057.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002449.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002449.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000332.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000332.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000412.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000412.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000959.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000959.png 707.0912 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000213.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000213.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000222.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000222.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003730.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003730.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000869.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000869.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003552.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003552.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000369.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000369.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002591.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002591.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004456.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004456.png 707.0912 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000255.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000255.png 721.5377 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000145.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000145.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001703.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001703.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001792.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001792.png 707.0912 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000065.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000065.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001313.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001313.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001518.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001518.png 718.856 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000026.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000026.png 721.5377 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000190.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000190.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000001036.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000001036.png 718.856 +2011_09_26/2011_09_26_drive_0005_sync/image_02/data/0000000143.png 2011_09_26_drive_0005_sync/proj_depth/groundtruth/image_02/0000000143.png 721.5377 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000055.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000055.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003124.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003124.png 718.856 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000181.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000181.png 721.5377 +2011_09_29/2011_09_29_drive_0026_sync/image_02/data/0000000043.png 2011_09_29_drive_0026_sync/proj_depth/groundtruth/image_02/0000000043.png 718.3351 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003799.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003799.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001508.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001508.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002572.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002572.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002812.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002812.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003404.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003404.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001479.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001479.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001008.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001008.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004444.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004444.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000220.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000220.png 721.5377 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000156.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000156.png 721.5377 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000118.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000118.png 718.3351 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000164.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000164.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000159.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000159.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001046.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001046.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000212.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000212.png 707.0912 +2011_09_28/2011_09_28_drive_0001_sync/image_02/data/0000000034.png 2011_09_28_drive_0001_sync/proj_depth/groundtruth/image_02/0000000034.png 707.0493 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000116.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000116.png 718.3351 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001495.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001495.png 707.0912 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000049.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000049.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003813.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003813.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000695.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000695.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000905.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000905.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003334.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003334.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003694.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003694.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002653.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002653.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003059.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003059.png 718.856 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000148.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000148.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004294.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004294.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002702.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002702.png 707.0912 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000276.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000276.png 721.5377 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000349.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000349.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004396.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004396.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000121.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000121.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000001042.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000001042.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002709.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002709.png 718.856 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000398.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000398.png 721.5377 +2011_09_26/2011_09_26_drive_0079_sync/image_02/data/0000000038.png 2011_09_26_drive_0079_sync/proj_depth/groundtruth/image_02/0000000038.png 721.5377 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000296.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000296.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000384.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000384.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003616.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003616.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001482.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001482.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002546.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002546.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000012.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000012.png 707.0912 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000309.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000309.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003911.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003911.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004978.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004978.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000005115.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000005115.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000193.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000193.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001005.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001005.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000154.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000154.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001284.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001284.png 707.0912 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000405.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000405.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004489.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004489.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004550.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004550.png 718.856 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000162.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000162.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000404.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000404.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002006.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002006.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000770.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000770.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001085.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001085.png 718.856 +2011_09_26/2011_09_26_drive_0079_sync/image_02/data/0000000067.png 2011_09_26_drive_0079_sync/proj_depth/groundtruth/image_02/0000000067.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000692.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000692.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000601.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000601.png 718.856 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000019.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000019.png 721.5377 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000040.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000040.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000828.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000828.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003773.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003773.png 707.0912 +2011_09_26/2011_09_26_drive_0005_sync/image_02/data/0000000137.png 2011_09_26_drive_0005_sync/proj_depth/groundtruth/image_02/0000000137.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000346.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000346.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001100.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001100.png 707.0912 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000152.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000152.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000453.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000453.png 721.5377 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000019.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000019.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002839.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002839.png 707.0912 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000158.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000158.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000001057.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000001057.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000209.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000209.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001859.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001859.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001923.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001923.png 707.0912 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000286.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000286.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001323.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001323.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000227.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000227.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001579.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001579.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000478.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000478.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004240.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004240.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001092.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001092.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000042.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000042.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003061.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003061.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000496.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000496.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000315.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000315.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000559.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000559.png 721.5377 +2011_09_26/2011_09_26_drive_0113_sync/image_02/data/0000000025.png 2011_09_26_drive_0113_sync/proj_depth/groundtruth/image_02/0000000025.png 721.5377 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000101.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000101.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000616.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000616.png 707.0912 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000150.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000150.png 721.5377 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000042.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000042.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000225.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000225.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003867.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003867.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001052.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001052.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003135.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003135.png 718.856 +2011_09_26/2011_09_26_drive_0001_sync/image_02/data/0000000005.png 2011_09_26_drive_0001_sync/proj_depth/groundtruth/image_02/0000000005.png 721.5377 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000007.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000007.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000501.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000501.png 718.856 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000120.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000120.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000090.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000090.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000651.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000651.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001185.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001185.png 707.0912 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000097.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000097.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000348.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000348.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000825.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000825.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000212.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000212.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004265.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004265.png 718.856 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000690.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000690.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001499.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001499.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000810.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000810.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001396.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001396.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001466.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001466.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000901.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000901.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000564.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000564.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003607.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003607.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000287.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000287.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000371.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000371.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000639.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000639.png 718.856 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000401.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000401.png 721.5377 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000014.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000014.png 718.3351 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003895.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003895.png 718.856 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000075.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000075.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000421.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000421.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000454.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000454.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003490.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003490.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001887.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001887.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000685.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000685.png 718.856 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000190.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000190.png 721.5377 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000270.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000270.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002262.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002262.png 718.856 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000407.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000407.png 721.5377 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000267.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000267.png 721.5377 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000023.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000023.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002842.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002842.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002455.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002455.png 707.0912 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000121.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000121.png 718.3351 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000042.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000042.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000691.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000691.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000756.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000756.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003142.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003142.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000661.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000661.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001105.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001105.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000485.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000485.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002156.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002156.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002557.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002557.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000005038.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000005038.png 707.0912 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000273.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000273.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000793.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000793.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003981.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003981.png 707.0912 +2011_09_26/2011_09_26_drive_0113_sync/image_02/data/0000000056.png 2011_09_26_drive_0113_sync/proj_depth/groundtruth/image_02/0000000056.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000045.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000045.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003157.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003157.png 718.856 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000438.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000438.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002957.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002957.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001549.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001549.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000306.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000306.png 718.856 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000521.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000521.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000624.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000624.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001069.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001069.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002281.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002281.png 718.856 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000018.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000018.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000787.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000787.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001864.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001864.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004004.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004004.png 707.0912 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000244.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000244.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000010.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000010.png 707.0912 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000182.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000182.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004100.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004100.png 707.0912 +2011_09_26/2011_09_26_drive_0017_sync/image_02/data/0000000039.png 2011_09_26_drive_0017_sync/proj_depth/groundtruth/image_02/0000000039.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000316.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000316.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002067.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002067.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001556.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001556.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004256.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004256.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003980.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003980.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000466.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000466.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000001149.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000001149.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004066.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004066.png 707.0912 +2011_09_26/2011_09_26_drive_0005_sync/image_02/data/0000000075.png 2011_09_26_drive_0005_sync/proj_depth/groundtruth/image_02/0000000075.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000157.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000157.png 718.856 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000080.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000080.png 718.3351 +2011_09_28/2011_09_28_drive_0001_sync/image_02/data/0000000029.png 2011_09_28_drive_0001_sync/proj_depth/groundtruth/image_02/0000000029.png 707.0493 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000736.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000736.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004820.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004820.png 707.0912 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000315.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000315.png 721.5377 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000403.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000403.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000294.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000294.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003685.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003685.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001546.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001546.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000498.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000498.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000559.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000559.png 707.0912 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000024.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000024.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000849.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000849.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000974.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000974.png 718.856 +2011_09_26/2011_09_26_drive_0017_sync/image_02/data/0000000082.png 2011_09_26_drive_0017_sync/proj_depth/groundtruth/image_02/0000000082.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000246.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000246.png 707.0912 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000222.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000222.png 718.3351 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000122.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000122.png 718.3351 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000353.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000353.png 707.0912 +2011_09_26/2011_09_26_drive_0113_sync/image_02/data/0000000072.png 2011_09_26_drive_0113_sync/proj_depth/groundtruth/image_02/0000000072.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000993.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000993.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000025.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000025.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001158.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001158.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000394.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000394.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001362.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001362.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002755.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002755.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001843.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001843.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001379.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001379.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000871.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000871.png 707.0912 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000321.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000321.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000001019.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000001019.png 718.856 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000186.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000186.png 721.5377 +2011_09_26/2011_09_26_drive_0035_sync/image_02/data/0000000117.png 2011_09_26_drive_0035_sync/proj_depth/groundtruth/image_02/0000000117.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000217.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000217.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000245.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000245.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000704.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000704.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000629.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000629.png 718.856 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000048.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000048.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000394.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000394.png 707.0912 +2011_09_26/2011_09_26_drive_0001_sync/image_02/data/0000000060.png 2011_09_26_drive_0001_sync/proj_depth/groundtruth/image_02/0000000060.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003624.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003624.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000101.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000101.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000985.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000985.png 718.856 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000581.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000581.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000241.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000241.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000375.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000375.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000474.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000474.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004279.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004279.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000418.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000418.png 721.5377 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000074.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000074.png 718.3351 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000153.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000153.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003478.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003478.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004477.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004477.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002810.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002810.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001883.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001883.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000071.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000071.png 707.0912 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000130.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000130.png 718.3351 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004610.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004610.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001129.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001129.png 707.0912 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000323.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000323.png 718.3351 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000742.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000742.png 718.856 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000092.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000092.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000079.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000079.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000013.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000013.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002243.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002243.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001241.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001241.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000133.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000133.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004161.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004161.png 707.0912 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000325.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000325.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000023.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000023.png 721.5377 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000212.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000212.png 721.5377 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000064.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000064.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000001024.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000001024.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004531.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004531.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001667.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001667.png 718.856 +2011_09_26/2011_09_26_drive_0113_sync/image_02/data/0000000038.png 2011_09_26_drive_0113_sync/proj_depth/groundtruth/image_02/0000000038.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002898.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002898.png 718.856 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000235.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000235.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000096.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000096.png 721.5377 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000136.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000136.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001218.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001218.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004611.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004611.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002271.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002271.png 718.856 +2011_09_26/2011_09_26_drive_0001_sync/image_02/data/0000000014.png 2011_09_26_drive_0001_sync/proj_depth/groundtruth/image_02/0000000014.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001307.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001307.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000145.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000145.png 707.0912 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000329.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000329.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001354.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001354.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000701.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000701.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003964.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003964.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000556.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000556.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001908.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001908.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003680.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003680.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003014.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003014.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001319.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001319.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000104.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000104.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000393.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000393.png 721.5377 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000243.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000243.png 718.3351 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000606.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000606.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002804.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002804.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001164.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001164.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000375.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000375.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000486.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000486.png 718.856 +2011_09_26/2011_09_26_drive_0017_sync/image_02/data/0000000089.png 2011_09_26_drive_0017_sync/proj_depth/groundtruth/image_02/0000000089.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002417.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002417.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001310.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001310.png 718.856 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000279.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000279.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000686.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000686.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002271.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002271.png 707.0912 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000103.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000103.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000553.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000553.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002907.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002907.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002514.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002514.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000500.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000500.png 721.5377 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000283.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000283.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001346.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001346.png 707.0912 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000445.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000445.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001384.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001384.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000005.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000005.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000269.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000269.png 707.0912 +2011_09_26/2011_09_26_drive_0035_sync/image_02/data/0000000113.png 2011_09_26_drive_0035_sync/proj_depth/groundtruth/image_02/0000000113.png 721.5377 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000074.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000074.png 721.5377 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000084.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000084.png 721.5377 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000163.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000163.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001136.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001136.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001944.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001944.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002876.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002876.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004112.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004112.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004419.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004419.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000734.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000734.png 718.856 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000022.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000022.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000128.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000128.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000694.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000694.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002396.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002396.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002575.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002575.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000597.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000597.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000255.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000255.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000952.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000952.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000502.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000502.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001450.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001450.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000017.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000017.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000962.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000962.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000379.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000379.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002178.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002178.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003045.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003045.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004669.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004669.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000123.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000123.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000186.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000186.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002492.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002492.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000175.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000175.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000001001.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000001001.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000364.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000364.png 718.856 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000123.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000123.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000219.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000219.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004237.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004237.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001559.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001559.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000229.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000229.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001514.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001514.png 718.856 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000262.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000262.png 721.5377 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000190.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000190.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004133.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004133.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000302.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000302.png 707.0912 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000167.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000167.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000099.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000099.png 707.0912 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000088.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000088.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000570.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000570.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000834.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000834.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000452.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000452.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000938.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000938.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000034.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000034.png 718.856 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000444.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000444.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000235.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000235.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002609.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002609.png 718.856 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000116.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000116.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000001095.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000001095.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001763.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001763.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000372.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000372.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000484.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000484.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001963.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001963.png 718.856 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000196.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000196.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002889.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002889.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003232.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003232.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000041.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000041.png 707.0912 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000026.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000026.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001520.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001520.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004335.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004335.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000518.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000518.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001188.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001188.png 707.0912 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000253.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000253.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000896.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000896.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000001005.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000001005.png 718.856 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000265.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000265.png 721.5377 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000181.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000181.png 721.5377 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000055.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000055.png 721.5377 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000111.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000111.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001166.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001166.png 718.856 +2011_09_26/2011_09_26_drive_0079_sync/image_02/data/0000000089.png 2011_09_26_drive_0079_sync/proj_depth/groundtruth/image_02/0000000089.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003628.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003628.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002040.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002040.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001202.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001202.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000584.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000584.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000153.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000153.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001341.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001341.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003719.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003719.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000417.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000417.png 707.0912 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000193.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000193.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000786.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000786.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001813.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001813.png 718.856 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000613.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000613.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000683.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000683.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000381.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000381.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000406.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000406.png 721.5377 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000127.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000127.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001291.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001291.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000262.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000262.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004152.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004152.png 707.0912 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000232.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000232.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002162.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002162.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000598.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000598.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000385.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000385.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000456.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000456.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000804.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000804.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001652.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001652.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000643.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000643.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000119.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000119.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000001138.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000001138.png 718.856 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000122.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000122.png 721.5377 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000104.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000104.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002558.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002558.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001323.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001323.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000479.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000479.png 718.856 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000675.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000675.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000631.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000631.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000635.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000635.png 718.856 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000129.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000129.png 721.5377 +2011_09_26/2011_09_26_drive_0001_sync/image_02/data/0000000056.png 2011_09_26_drive_0001_sync/proj_depth/groundtruth/image_02/0000000056.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000617.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000617.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004002.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004002.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001087.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001087.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000408.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000408.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000889.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000889.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001321.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001321.png 718.856 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000242.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000242.png 721.5377 +2011_09_26/2011_09_26_drive_0017_sync/image_02/data/0000000047.png 2011_09_26_drive_0017_sync/proj_depth/groundtruth/image_02/0000000047.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000538.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000538.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000519.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000519.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000568.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000568.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000230.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000230.png 707.0912 +2011_09_29/2011_09_29_drive_0026_sync/image_02/data/0000000072.png 2011_09_29_drive_0026_sync/proj_depth/groundtruth/image_02/0000000072.png 718.3351 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000122.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000122.png 721.5377 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000226.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000226.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000552.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000552.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000723.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000723.png 721.5377 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000327.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000327.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000024.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000024.png 718.856 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000314.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000314.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001885.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001885.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002626.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002626.png 718.856 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000127.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000127.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000294.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000294.png 707.0912 +2011_09_26/2011_09_26_drive_0035_sync/image_02/data/0000000010.png 2011_09_26_drive_0035_sync/proj_depth/groundtruth/image_02/0000000010.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000529.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000529.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000145.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000145.png 707.0912 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000164.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000164.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002547.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002547.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000680.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000680.png 718.856 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000255.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000255.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003423.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003423.png 707.0912 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000331.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000331.png 721.5377 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000052.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000052.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000001021.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000001021.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002095.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002095.png 718.856 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000649.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000649.png 721.5377 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000279.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000279.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000620.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000620.png 707.0912 +2011_09_29/2011_09_29_drive_0026_sync/image_02/data/0000000033.png 2011_09_29_drive_0026_sync/proj_depth/groundtruth/image_02/0000000033.png 718.3351 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002522.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002522.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000165.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000165.png 718.856 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000228.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000228.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000484.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000484.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001264.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001264.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000486.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000486.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001066.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001066.png 707.0912 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000264.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000264.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000539.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000539.png 707.0912 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000328.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000328.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003023.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003023.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000250.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000250.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002127.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002127.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003295.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003295.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000354.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000354.png 718.856 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000347.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000347.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001491.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001491.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000657.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000657.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000518.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000518.png 707.0912 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000248.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000248.png 721.5377 +2011_09_29/2011_09_29_drive_0026_sync/image_02/data/0000000016.png 2011_09_29_drive_0026_sync/proj_depth/groundtruth/image_02/0000000016.png 718.3351 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000182.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000182.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000253.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000253.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001261.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001261.png 718.856 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000261.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000261.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002392.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002392.png 718.856 +2011_09_28/2011_09_28_drive_0001_sync/image_02/data/0000000019.png 2011_09_28_drive_0001_sync/proj_depth/groundtruth/image_02/0000000019.png 707.0493 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000335.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000335.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003636.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003636.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002077.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002077.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001886.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001886.png 707.0912 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000387.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000387.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000005086.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000005086.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003890.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003890.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000692.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000692.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000658.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000658.png 707.0912 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000045.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000045.png 721.5377 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000245.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000245.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001462.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001462.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001294.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001294.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000980.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000980.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002999.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002999.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000653.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000653.png 707.0912 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000108.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000108.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000365.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000365.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001032.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001032.png 707.0912 +2011_09_29/2011_09_29_drive_0026_sync/image_02/data/0000000107.png 2011_09_29_drive_0026_sync/proj_depth/groundtruth/image_02/0000000107.png 718.3351 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003599.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003599.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000471.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000471.png 707.0912 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000115.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000115.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000422.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000422.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000137.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000137.png 707.0912 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000106.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000106.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003757.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003757.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000856.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000856.png 707.0912 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000046.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000046.png 721.5377 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000349.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000349.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003594.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003594.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003458.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003458.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000697.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000697.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003581.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003581.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003929.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003929.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000767.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000767.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001047.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001047.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000324.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000324.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004651.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004651.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003519.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003519.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004575.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004575.png 718.856 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000344.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000344.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000073.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000073.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002674.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002674.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001735.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001735.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001971.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001971.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000901.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000901.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001275.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001275.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001899.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001899.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004189.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004189.png 718.856 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000086.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000086.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002427.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002427.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000389.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000389.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000585.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000585.png 707.0912 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000180.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000180.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001358.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001358.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000001014.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000001014.png 718.856 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000279.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000279.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002087.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002087.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002909.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002909.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001381.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001381.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000194.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000194.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001562.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001562.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000078.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000078.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001295.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001295.png 707.0912 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000335.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000335.png 721.5377 +2011_09_26/2011_09_26_drive_0005_sync/image_02/data/0000000127.png 2011_09_26_drive_0005_sync/proj_depth/groundtruth/image_02/0000000127.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004602.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004602.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001507.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001507.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000651.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000651.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004298.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004298.png 707.0912 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000049.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000049.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000814.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000814.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001126.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001126.png 718.856 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000047.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000047.png 718.3351 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002307.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002307.png 707.0912 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000344.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000344.png 721.5377 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000174.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000174.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002733.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002733.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004599.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004599.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000186.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000186.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001399.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001399.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000903.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000903.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000037.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000037.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003786.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003786.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001587.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001587.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001135.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001135.png 707.0912 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000047.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000047.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002180.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002180.png 707.0912 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000099.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000099.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003279.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003279.png 718.856 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000217.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000217.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000737.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000737.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004031.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004031.png 718.856 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000057.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000057.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000079.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000079.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001626.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001626.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000301.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000301.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004906.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004906.png 707.0912 +2011_09_26/2011_09_26_drive_0001_sync/image_02/data/0000000012.png 2011_09_26_drive_0001_sync/proj_depth/groundtruth/image_02/0000000012.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004044.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004044.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001377.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001377.png 707.0912 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000305.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000305.png 721.5377 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000351.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000351.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000904.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000904.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000361.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000361.png 718.856 +2011_09_26/2011_09_26_drive_0035_sync/image_02/data/0000000065.png 2011_09_26_drive_0035_sync/proj_depth/groundtruth/image_02/0000000065.png 721.5377 +2011_09_26/2011_09_26_drive_0005_sync/image_02/data/0000000096.png 2011_09_26_drive_0005_sync/proj_depth/groundtruth/image_02/0000000096.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000868.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000868.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000356.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000356.png 718.856 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000007.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000007.png 718.3351 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000735.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000735.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000277.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000277.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004450.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004450.png 707.0912 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000124.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000124.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002380.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002380.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000221.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000221.png 707.0912 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000285.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000285.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000433.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000433.png 718.856 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000197.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000197.png 721.5377 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000075.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000075.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000617.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000617.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000485.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000485.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002037.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002037.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000046.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000046.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003963.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003963.png 707.0912 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000010.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000010.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000658.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000658.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001360.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001360.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000843.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000843.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002260.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002260.png 718.856 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000334.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000334.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000632.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000632.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001118.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001118.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000477.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000477.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000317.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000317.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000285.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000285.png 718.856 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000208.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000208.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000038.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000038.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000553.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000553.png 707.0912 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000128.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000128.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002017.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002017.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004512.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004512.png 718.856 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000526.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000526.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001147.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001147.png 718.856 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000313.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000313.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001025.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001025.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003315.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003315.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001321.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001321.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001255.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001255.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003055.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003055.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002942.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002942.png 707.0912 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000020.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000020.png 721.5377 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000061.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000061.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000524.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000524.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003723.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003723.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001244.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001244.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000820.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000820.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004849.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004849.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004860.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004860.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000427.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000427.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000446.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000446.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004583.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004583.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004158.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004158.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004402.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004402.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003184.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003184.png 707.0912 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000119.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000119.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000234.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000234.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001061.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001061.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002872.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002872.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000852.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000852.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001543.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001543.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000128.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000128.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000361.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000361.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001478.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001478.png 718.856 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000016.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000016.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000170.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000170.png 721.5377 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000102.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000102.png 721.5377 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000389.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000389.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000812.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000812.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000356.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000356.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000177.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000177.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002694.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002694.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004231.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004231.png 718.856 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000052.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000052.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000540.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000540.png 707.0912 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000280.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000280.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000308.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000308.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000042.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000042.png 721.5377 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000325.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000325.png 721.5377 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000214.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000214.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001240.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001240.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002017.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002017.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001675.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001675.png 707.0912 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000380.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000380.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003540.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003540.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000044.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000044.png 707.0912 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000206.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000206.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001388.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001388.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000255.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000255.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002629.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002629.png 707.0912 +2011_09_26/2011_09_26_drive_0001_sync/image_02/data/0000000049.png 2011_09_26_drive_0001_sync/proj_depth/groundtruth/image_02/0000000049.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000972.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000972.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000631.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000631.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002398.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002398.png 718.856 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000259.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000259.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000044.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000044.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001465.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001465.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000056.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000056.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000763.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000763.png 707.0912 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000107.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000107.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000028.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000028.png 707.0912 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000100.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000100.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001204.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001204.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000792.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000792.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004110.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004110.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000006.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000006.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003795.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003795.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002259.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002259.png 718.856 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000482.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000482.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000911.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000911.png 718.856 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000022.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000022.png 721.5377 +2011_09_26/2011_09_26_drive_0017_sync/image_02/data/0000000007.png 2011_09_26_drive_0017_sync/proj_depth/groundtruth/image_02/0000000007.png 721.5377 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000185.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000185.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000128.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000128.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000640.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000640.png 718.856 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000376.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000376.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000450.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000450.png 718.856 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000246.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000246.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000934.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000934.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000202.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000202.png 718.856 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000138.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000138.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001058.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001058.png 707.0912 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000111.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000111.png 718.3351 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001042.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001042.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000910.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000910.png 718.856 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000363.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000363.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000256.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000256.png 718.856 +2011_09_26/2011_09_26_drive_0079_sync/image_02/data/0000000070.png 2011_09_26_drive_0079_sync/proj_depth/groundtruth/image_02/0000000070.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002226.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002226.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000932.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000932.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003768.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003768.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003790.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003790.png 718.856 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000141.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000141.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000136.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000136.png 721.5377 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000117.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000117.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000198.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000198.png 721.5377 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000024.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000024.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000402.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000402.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001879.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001879.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000069.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000069.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000243.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000243.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001227.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001227.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000580.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000580.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000122.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000122.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004982.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004982.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000210.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000210.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001421.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001421.png 718.856 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000587.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000587.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000597.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000597.png 718.856 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000153.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000153.png 721.5377 +2011_09_29/2011_09_29_drive_0026_sync/image_02/data/0000000036.png 2011_09_29_drive_0026_sync/proj_depth/groundtruth/image_02/0000000036.png 718.3351 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000562.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000562.png 718.856 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000298.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000298.png 718.3351 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000052.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000052.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000708.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000708.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004320.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004320.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000614.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000614.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000448.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000448.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000313.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000313.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000074.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000074.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003202.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003202.png 707.0912 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000162.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000162.png 718.3351 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001770.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001770.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002376.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002376.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000050.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000050.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001112.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001112.png 718.856 +2011_09_26/2011_09_26_drive_0113_sync/image_02/data/0000000057.png 2011_09_26_drive_0113_sync/proj_depth/groundtruth/image_02/0000000057.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001286.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001286.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000222.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000222.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000647.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000647.png 707.0912 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000052.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000052.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000423.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000423.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000995.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000995.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000510.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000510.png 707.0912 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000039.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000039.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000182.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000182.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004233.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004233.png 707.0912 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000136.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000136.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000466.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000466.png 721.5377 +2011_09_28/2011_09_28_drive_0001_sync/image_02/data/0000000066.png 2011_09_28_drive_0001_sync/proj_depth/groundtruth/image_02/0000000066.png 707.0493 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000070.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000070.png 718.856 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000168.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000168.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000106.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000106.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001917.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001917.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000005118.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000005118.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000358.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000358.png 718.856 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000234.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000234.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001998.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001998.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002659.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002659.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000687.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000687.png 718.856 +2011_09_29/2011_09_29_drive_0026_sync/image_02/data/0000000005.png 2011_09_29_drive_0026_sync/proj_depth/groundtruth/image_02/0000000005.png 718.3351 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004084.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004084.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003984.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003984.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001778.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001778.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001306.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001306.png 707.0912 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000154.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000154.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002368.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002368.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003852.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003852.png 707.0912 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000308.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000308.png 721.5377 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000036.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000036.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000468.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000468.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002747.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002747.png 707.0912 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000055.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000055.png 721.5377 +2011_09_26/2011_09_26_drive_0017_sync/image_02/data/0000000037.png 2011_09_26_drive_0017_sync/proj_depth/groundtruth/image_02/0000000037.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001048.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001048.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000773.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000773.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001671.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001671.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000697.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000697.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001270.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001270.png 718.856 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000532.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000532.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001064.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001064.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002454.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002454.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002988.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002988.png 718.856 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000256.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000256.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001423.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001423.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004029.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004029.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004681.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004681.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003960.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003960.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000582.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000582.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000405.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000405.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000230.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000230.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000837.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000837.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004855.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004855.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000001162.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000001162.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002776.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002776.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004782.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004782.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000627.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000627.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004341.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004341.png 707.0912 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000303.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000303.png 721.5377 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000422.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000422.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000153.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000153.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004198.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004198.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001398.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001398.png 718.856 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000340.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000340.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001874.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001874.png 718.856 +2011_09_28/2011_09_28_drive_0001_sync/image_02/data/0000000008.png 2011_09_28_drive_0001_sync/proj_depth/groundtruth/image_02/0000000008.png 707.0493 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002857.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002857.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000334.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000334.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000080.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000080.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003992.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003992.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000921.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000921.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000059.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000059.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000737.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000737.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000641.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000641.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001515.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001515.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003081.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003081.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000556.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000556.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000052.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000052.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000134.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000134.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000100.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000100.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001487.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001487.png 707.0912 +2011_09_26/2011_09_26_drive_0035_sync/image_02/data/0000000054.png 2011_09_26_drive_0035_sync/proj_depth/groundtruth/image_02/0000000054.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000206.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000206.png 707.0912 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000163.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000163.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002816.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002816.png 707.0912 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000095.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000095.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000355.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000355.png 721.5377 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000107.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000107.png 721.5377 +2011_09_26/2011_09_26_drive_0035_sync/image_02/data/0000000114.png 2011_09_26_drive_0035_sync/proj_depth/groundtruth/image_02/0000000114.png 721.5377 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000411.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000411.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001612.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001612.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003854.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003854.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001109.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001109.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000823.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000823.png 707.0912 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000149.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000149.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000914.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000914.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001822.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001822.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000590.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000590.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001177.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001177.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001602.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001602.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004858.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004858.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000356.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000356.png 721.5377 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000220.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000220.png 718.3351 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003053.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003053.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000143.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000143.png 707.0912 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000171.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000171.png 721.5377 +2011_09_26/2011_09_26_drive_0005_sync/image_02/data/0000000073.png 2011_09_26_drive_0005_sync/proj_depth/groundtruth/image_02/0000000073.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003045.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003045.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004292.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004292.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002222.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002222.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000437.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000437.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000335.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000335.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000337.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000337.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003417.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003417.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004138.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004138.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003924.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003924.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000527.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000527.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000651.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000651.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000256.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000256.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002090.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002090.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000118.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000118.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000284.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000284.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000365.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000365.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004128.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004128.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002318.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002318.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000982.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000982.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001978.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001978.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000028.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000028.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000939.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000939.png 718.856 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000552.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000552.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002185.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002185.png 718.856 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000120.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000120.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000420.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000420.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000005152.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000005152.png 707.0912 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000212.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000212.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003711.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003711.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001677.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001677.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004121.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004121.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000415.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000415.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004270.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004270.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000103.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000103.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002631.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002631.png 718.856 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000362.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000362.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003377.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003377.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000428.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000428.png 707.0912 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000061.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000061.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001913.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001913.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000974.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000974.png 707.0912 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000239.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000239.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001580.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001580.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004725.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004725.png 707.0912 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000039.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000039.png 721.5377 +2011_09_26/2011_09_26_drive_0001_sync/image_02/data/0000000069.png 2011_09_26_drive_0001_sync/proj_depth/groundtruth/image_02/0000000069.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000262.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000262.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003263.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003263.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000618.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000618.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000245.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000245.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003818.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003818.png 707.0912 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000276.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000276.png 718.3351 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000317.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000317.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004385.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004385.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003899.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003899.png 718.856 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000050.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000050.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000554.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000554.png 707.0912 +2011_09_29/2011_09_29_drive_0026_sync/image_02/data/0000000109.png 2011_09_29_drive_0026_sync/proj_depth/groundtruth/image_02/0000000109.png 718.3351 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001210.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001210.png 718.856 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000044.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000044.png 721.5377 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000246.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000246.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000225.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000225.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000253.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000253.png 707.0912 +2011_09_29/2011_09_29_drive_0026_sync/image_02/data/0000000029.png 2011_09_29_drive_0026_sync/proj_depth/groundtruth/image_02/0000000029.png 718.3351 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000186.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000186.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000547.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000547.png 721.5377 +2011_09_26/2011_09_26_drive_0035_sync/image_02/data/0000000030.png 2011_09_26_drive_0035_sync/proj_depth/groundtruth/image_02/0000000030.png 721.5377 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000400.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000400.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000168.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000168.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000012.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000012.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000904.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000904.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000331.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000331.png 707.0912 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000103.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000103.png 721.5377 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000392.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000392.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000569.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000569.png 718.856 +2011_09_29/2011_09_29_drive_0026_sync/image_02/data/0000000038.png 2011_09_29_drive_0026_sync/proj_depth/groundtruth/image_02/0000000038.png 718.3351 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000262.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000262.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000491.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000491.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000968.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000968.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003489.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003489.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001073.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001073.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000001049.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000001049.png 718.856 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000490.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000490.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004960.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004960.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000043.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000043.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004476.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004476.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000860.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000860.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002959.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002959.png 707.0912 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000025.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000025.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000847.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000847.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001710.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001710.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004061.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004061.png 718.856 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000042.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000042.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002785.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002785.png 718.856 +2011_09_26/2011_09_26_drive_0035_sync/image_02/data/0000000043.png 2011_09_26_drive_0035_sync/proj_depth/groundtruth/image_02/0000000043.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002710.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002710.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000054.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000054.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000860.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000860.png 707.0912 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000059.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000059.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001521.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001521.png 718.856 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000172.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000172.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001664.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001664.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001032.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001032.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000237.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000237.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000466.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000466.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000459.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000459.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000106.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000106.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000123.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000123.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000049.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000049.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000660.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000660.png 707.0912 +2011_09_26/2011_09_26_drive_0005_sync/image_02/data/0000000068.png 2011_09_26_drive_0005_sync/proj_depth/groundtruth/image_02/0000000068.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000001087.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000001087.png 718.856 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000110.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000110.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001035.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001035.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000652.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000652.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000670.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000670.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000089.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000089.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004177.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004177.png 718.856 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000111.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000111.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004846.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004846.png 707.0912 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000090.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000090.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000616.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000616.png 707.0912 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000136.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000136.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003085.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003085.png 707.0912 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000263.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000263.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000484.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000484.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000185.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000185.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002432.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002432.png 718.856 +2011_09_26/2011_09_26_drive_0035_sync/image_02/data/0000000020.png 2011_09_26_drive_0035_sync/proj_depth/groundtruth/image_02/0000000020.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000005047.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000005047.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003240.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003240.png 718.856 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000086.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000086.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004365.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004365.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000231.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000231.png 718.856 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000245.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000245.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002045.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002045.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002345.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002345.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000950.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000950.png 707.0912 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000106.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000106.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002790.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002790.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000663.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000663.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001044.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001044.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002046.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002046.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001343.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001343.png 718.856 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000305.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000305.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000361.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000361.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000502.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000502.png 707.0912 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000123.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000123.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003580.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003580.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002146.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002146.png 718.856 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000153.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000153.png 721.5377 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000374.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000374.png 721.5377 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000098.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000098.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001984.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001984.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002697.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002697.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000757.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000757.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000089.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000089.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003073.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003073.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003485.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003485.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002929.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002929.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003371.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003371.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004000.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004000.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000744.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000744.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000750.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000750.png 707.0912 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000182.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000182.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000727.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000727.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001029.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001029.png 707.0912 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000275.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000275.png 721.5377 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000019.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000019.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003134.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003134.png 718.856 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000304.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000304.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001027.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001027.png 707.0912 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000147.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000147.png 721.5377 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000140.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000140.png 721.5377 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000380.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000380.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000525.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000525.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000653.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000653.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000984.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000984.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000305.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000305.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001470.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001470.png 718.856 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000017.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000017.png 721.5377 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000100.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000100.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000089.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000089.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004200.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004200.png 707.0912 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000220.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000220.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001525.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001525.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000485.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000485.png 707.0912 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000189.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000189.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002194.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002194.png 718.856 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000008.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000008.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000594.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000594.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004088.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004088.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003131.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003131.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000151.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000151.png 707.0912 +2011_09_29/2011_09_29_drive_0026_sync/image_02/data/0000000110.png 2011_09_29_drive_0026_sync/proj_depth/groundtruth/image_02/0000000110.png 718.3351 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000024.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000024.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002665.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002665.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003753.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003753.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004266.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004266.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000970.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000970.png 707.0912 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000057.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000057.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000379.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000379.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000001086.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000001086.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000661.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000661.png 721.5377 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000225.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000225.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001987.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001987.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004388.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004388.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000595.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000595.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002756.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002756.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000655.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000655.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004281.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004281.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001819.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001819.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003123.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003123.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000005105.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000005105.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000126.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000126.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000347.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000347.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000481.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000481.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003872.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003872.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000531.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000531.png 707.0912 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000218.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000218.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000770.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000770.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001916.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001916.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000428.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000428.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002428.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002428.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001483.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001483.png 707.0912 +2011_09_26/2011_09_26_drive_0060_sync/image_02/data/0000000025.png 2011_09_26_drive_0060_sync/proj_depth/groundtruth/image_02/0000000025.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000533.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000533.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000426.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000426.png 707.0912 +2011_09_26/2011_09_26_drive_0079_sync/image_02/data/0000000016.png 2011_09_26_drive_0079_sync/proj_depth/groundtruth/image_02/0000000016.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004924.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004924.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003517.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003517.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003749.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003749.png 718.856 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000366.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000366.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000344.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000344.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004005.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004005.png 718.856 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000090.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000090.png 721.5377 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000183.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000183.png 721.5377 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000168.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000168.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000709.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000709.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000151.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000151.png 718.856 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000210.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000210.png 721.5377 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000335.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000335.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002986.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002986.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002636.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002636.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001838.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001838.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000170.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000170.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000510.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000510.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000718.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000718.png 721.5377 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000285.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000285.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001465.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001465.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001682.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001682.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000501.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000501.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002029.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002029.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001111.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001111.png 718.856 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000203.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000203.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002970.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002970.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000413.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000413.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000469.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000469.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000292.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000292.png 707.0912 +2011_09_26/2011_09_26_drive_0035_sync/image_02/data/0000000108.png 2011_09_26_drive_0035_sync/proj_depth/groundtruth/image_02/0000000108.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000525.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000525.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003468.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003468.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001272.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001272.png 707.0912 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000360.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000360.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003620.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003620.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004580.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004580.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003479.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003479.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000608.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000608.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000132.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000132.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000589.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000589.png 707.0912 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000373.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000373.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004667.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004667.png 707.0912 +2011_09_29/2011_09_29_drive_0026_sync/image_02/data/0000000100.png 2011_09_29_drive_0026_sync/proj_depth/groundtruth/image_02/0000000100.png 718.3351 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000028.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000028.png 721.5377 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000085.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000085.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000173.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000173.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001920.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001920.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001256.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001256.png 707.0912 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000196.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000196.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004968.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004968.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000869.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000869.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000165.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000165.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004080.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004080.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000229.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000229.png 707.0912 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000299.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000299.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000385.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000385.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003471.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003471.png 707.0912 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000026.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000026.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003310.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003310.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000086.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000086.png 707.0912 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000110.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000110.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003556.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003556.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004546.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004546.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001133.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001133.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000300.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000300.png 707.0912 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000310.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000310.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000371.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000371.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000480.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000480.png 718.856 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000043.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000043.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002707.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002707.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001062.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001062.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000006.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000006.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001193.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001193.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000233.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000233.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000323.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000323.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000756.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000756.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000204.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000204.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003362.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003362.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002574.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002574.png 707.0912 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000232.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000232.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000880.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000880.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003007.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003007.png 718.856 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000361.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000361.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001648.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001648.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004071.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004071.png 707.0912 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000187.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000187.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000503.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000503.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000001103.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000001103.png 718.856 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000239.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000239.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000728.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000728.png 707.0912 +2011_09_26/2011_09_26_drive_0017_sync/image_02/data/0000000017.png 2011_09_26_drive_0017_sync/proj_depth/groundtruth/image_02/0000000017.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001563.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001563.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001781.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001781.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002986.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002986.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002891.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002891.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003640.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003640.png 718.856 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000359.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000359.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004774.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004774.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003133.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003133.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003737.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003737.png 707.0912 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000160.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000160.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000417.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000417.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003869.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003869.png 707.0912 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000210.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000210.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003934.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003934.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000301.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000301.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000515.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000515.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004160.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004160.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003067.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003067.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001596.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001596.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001477.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001477.png 718.856 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000307.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000307.png 721.5377 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000014.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000014.png 721.5377 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000131.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000131.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004384.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004384.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000613.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000613.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003985.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003985.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000081.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000081.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000130.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000130.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001136.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001136.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001848.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001848.png 707.0912 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000044.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000044.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000689.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000689.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000005108.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000005108.png 707.0912 +2011_09_28/2011_09_28_drive_0001_sync/image_02/data/0000000018.png 2011_09_28_drive_0001_sync/proj_depth/groundtruth/image_02/0000000018.png 707.0493 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001977.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001977.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004089.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004089.png 707.0912 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000304.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000304.png 721.5377 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000297.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000297.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001254.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001254.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000748.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000748.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000782.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000782.png 707.0912 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000108.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000108.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002211.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002211.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000569.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000569.png 718.856 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000397.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000397.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000109.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000109.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000673.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000673.png 718.856 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000158.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000158.png 721.5377 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000093.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000093.png 721.5377 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000016.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000016.png 721.5377 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000207.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000207.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001606.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001606.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000255.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000255.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001957.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001957.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000174.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000174.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001846.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001846.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001992.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001992.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001567.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001567.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001402.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001402.png 718.856 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000265.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000265.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004507.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004507.png 707.0912 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000273.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000273.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000615.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000615.png 707.0912 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000240.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000240.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002084.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002084.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001508.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001508.png 718.856 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000108.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000108.png 721.5377 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000140.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000140.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000054.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000054.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000257.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000257.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001515.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001515.png 707.0912 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000116.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000116.png 721.5377 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000173.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000173.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000717.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000717.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002608.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002608.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000279.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000279.png 707.0912 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000086.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000086.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001766.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001766.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001519.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001519.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000005130.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000005130.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001107.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001107.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000278.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000278.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000001093.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000001093.png 718.856 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000242.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000242.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000317.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000317.png 721.5377 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000183.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000183.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002031.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002031.png 718.856 +2011_09_29/2011_09_29_drive_0026_sync/image_02/data/0000000052.png 2011_09_29_drive_0026_sync/proj_depth/groundtruth/image_02/0000000052.png 718.3351 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004277.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004277.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000116.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000116.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000581.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000581.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003571.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003571.png 718.856 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000291.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000291.png 721.5377 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000181.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000181.png 721.5377 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000119.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000119.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001507.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001507.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000164.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000164.png 718.856 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000047.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000047.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000530.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000530.png 721.5377 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000136.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000136.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003703.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003703.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002590.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002590.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000285.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000285.png 721.5377 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000199.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000199.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001050.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001050.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002782.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002782.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001120.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001120.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004499.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004499.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001194.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001194.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000894.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000894.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000724.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000724.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002073.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002073.png 718.856 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000216.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000216.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000233.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000233.png 721.5377 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000211.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000211.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003530.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003530.png 707.0912 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000330.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000330.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001653.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001653.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001260.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001260.png 707.0912 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000233.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000233.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002539.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002539.png 718.856 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000212.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000212.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002499.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002499.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000110.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000110.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000634.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000634.png 721.5377 +2011_09_29/2011_09_29_drive_0026_sync/image_02/data/0000000044.png 2011_09_29_drive_0026_sync/proj_depth/groundtruth/image_02/0000000044.png 718.3351 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000542.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000542.png 718.856 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000086.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000086.png 718.3351 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000172.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000172.png 721.5377 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000059.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000059.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000674.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000674.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000491.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000491.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003858.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003858.png 718.856 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000241.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000241.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004230.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004230.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004776.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004776.png 707.0912 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000036.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000036.png 718.3351 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000727.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000727.png 707.0912 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000253.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000253.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000742.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000742.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001091.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001091.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000421.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000421.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001965.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001965.png 707.0912 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000320.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000320.png 721.5377 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000147.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000147.png 721.5377 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000277.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000277.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001424.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001424.png 707.0912 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000358.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000358.png 721.5377 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000261.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000261.png 721.5377 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000350.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000350.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000645.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000645.png 707.0912 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000054.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000054.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004363.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004363.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000156.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000156.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001139.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001139.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000204.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000204.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000015.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000015.png 718.856 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000014.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000014.png 721.5377 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000179.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000179.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000900.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000900.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001501.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001501.png 707.0912 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000146.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000146.png 721.5377 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000113.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000113.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004229.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004229.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003672.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003672.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000139.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000139.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003830.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003830.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001348.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001348.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000882.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000882.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002210.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002210.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002361.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002361.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000005085.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000005085.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000929.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000929.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004136.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004136.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000426.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000426.png 707.0912 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000167.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000167.png 721.5377 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000130.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000130.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002908.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002908.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002785.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002785.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001068.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001068.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000337.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000337.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002476.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002476.png 718.856 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000118.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000118.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000233.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000233.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000440.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000440.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002189.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002189.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003321.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003321.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000240.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000240.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000075.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000075.png 707.0912 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000075.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000075.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000999.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000999.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000005109.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000005109.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000427.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000427.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003109.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003109.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003015.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003015.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002935.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002935.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001700.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001700.png 718.856 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000186.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000186.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000326.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000326.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000029.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000029.png 721.5377 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000137.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000137.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000113.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000113.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000967.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000967.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003293.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003293.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004586.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004586.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000104.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000104.png 707.0912 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000180.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000180.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000860.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000860.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000457.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000457.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004966.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004966.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000001104.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000001104.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000840.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000840.png 718.856 +2011_09_26/2011_09_26_drive_0113_sync/image_02/data/0000000054.png 2011_09_26_drive_0113_sync/proj_depth/groundtruth/image_02/0000000054.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001377.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001377.png 718.856 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000183.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000183.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000325.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000325.png 721.5377 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000255.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000255.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000535.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000535.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001976.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001976.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000880.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000880.png 707.0912 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000224.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000224.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000952.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000952.png 718.856 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000087.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000087.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000146.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000146.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001301.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001301.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000474.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000474.png 707.0912 +2011_09_26/2011_09_26_drive_0060_sync/image_02/data/0000000015.png 2011_09_26_drive_0060_sync/proj_depth/groundtruth/image_02/0000000015.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002874.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002874.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003829.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003829.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000965.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000965.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000302.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000302.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004303.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004303.png 718.856 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000433.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000433.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004794.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004794.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002158.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002158.png 718.856 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000093.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000093.png 721.5377 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000247.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000247.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001475.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001475.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004190.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004190.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003199.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003199.png 707.0912 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000223.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000223.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000407.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000407.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000412.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000412.png 718.856 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000244.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000244.png 718.3351 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004315.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004315.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001566.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001566.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000698.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000698.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000717.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000717.png 721.5377 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000056.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000056.png 718.3351 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000400.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000400.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000763.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000763.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000054.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000054.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002732.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002732.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002193.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002193.png 707.0912 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000319.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000319.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000338.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000338.png 721.5377 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000182.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000182.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000187.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000187.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000001040.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000001040.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000067.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000067.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003798.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003798.png 707.0912 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000421.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000421.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000434.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000434.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001214.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001214.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001953.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001953.png 707.0912 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000012.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000012.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000796.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000796.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004620.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004620.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000682.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000682.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003220.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003220.png 718.856 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000116.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000116.png 721.5377 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000372.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000372.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000458.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000458.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004423.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004423.png 707.0912 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000140.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000140.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000942.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000942.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000082.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000082.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000063.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000063.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001112.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001112.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002288.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002288.png 718.856 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000049.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000049.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003176.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003176.png 707.0912 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000223.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000223.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001050.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001050.png 718.856 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000033.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000033.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000494.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000494.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000361.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000361.png 707.0912 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000298.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000298.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003392.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003392.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000602.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000602.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004018.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004018.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000782.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000782.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004623.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004623.png 707.0912 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000198.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000198.png 718.3351 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000854.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000854.png 707.0912 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000264.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000264.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000005.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000005.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001764.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001764.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002719.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002719.png 718.856 +2011_09_26/2011_09_26_drive_0001_sync/image_02/data/0000000070.png 2011_09_26_drive_0001_sync/proj_depth/groundtruth/image_02/0000000070.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000921.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000921.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002642.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002642.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002797.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002797.png 718.856 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000069.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000069.png 721.5377 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000303.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000303.png 721.5377 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000271.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000271.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000397.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000397.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000542.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000542.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002837.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002837.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000650.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000650.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000403.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000403.png 707.0912 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000318.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000318.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001075.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001075.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000001021.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000001021.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000879.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000879.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001817.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001817.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000001133.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000001133.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000672.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000672.png 718.856 +2011_09_26/2011_09_26_drive_0079_sync/image_02/data/0000000073.png 2011_09_26_drive_0079_sync/proj_depth/groundtruth/image_02/0000000073.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001845.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001845.png 707.0912 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000228.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000228.png 718.3351 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002980.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002980.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004624.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004624.png 718.856 +2011_09_26/2011_09_26_drive_0017_sync/image_02/data/0000000106.png 2011_09_26_drive_0017_sync/proj_depth/groundtruth/image_02/0000000106.png 721.5377 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000203.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000203.png 718.3351 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003816.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003816.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001056.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001056.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000001050.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000001050.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000944.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000944.png 718.856 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000158.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000158.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000228.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000228.png 707.0912 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000066.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000066.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003604.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003604.png 718.856 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000201.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000201.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003310.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003310.png 707.0912 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000224.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000224.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000781.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000781.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004223.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004223.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004835.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004835.png 707.0912 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000021.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000021.png 721.5377 +2011_09_26/2011_09_26_drive_0113_sync/image_02/data/0000000039.png 2011_09_26_drive_0113_sync/proj_depth/groundtruth/image_02/0000000039.png 721.5377 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000107.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000107.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001214.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001214.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000482.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000482.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000247.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000247.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003294.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003294.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002978.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002978.png 718.856 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000408.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000408.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001013.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001013.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000978.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000978.png 707.0912 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000296.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000296.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000602.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000602.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003619.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003619.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000390.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000390.png 718.856 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000129.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000129.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004489.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004489.png 707.0912 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000059.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000059.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002943.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002943.png 718.856 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000192.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000192.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000353.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000353.png 721.5377 +2011_09_28/2011_09_28_drive_0001_sync/image_02/data/0000000041.png 2011_09_28_drive_0001_sync/proj_depth/groundtruth/image_02/0000000041.png 707.0493 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002673.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002673.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000520.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000520.png 707.0912 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000339.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000339.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000361.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000361.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001658.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001658.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002972.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002972.png 718.856 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000065.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000065.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000161.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000161.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000847.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000847.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000087.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000087.png 721.5377 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000161.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000161.png 721.5377 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000319.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000319.png 718.3351 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001589.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001589.png 718.856 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000144.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000144.png 721.5377 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000232.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000232.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000444.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000444.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003141.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003141.png 718.856 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000268.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000268.png 721.5377 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000233.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000233.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001190.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001190.png 718.856 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000236.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000236.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002336.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002336.png 718.856 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000249.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000249.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000614.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000614.png 721.5377 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000343.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000343.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000646.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000646.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000430.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000430.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001081.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001081.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000814.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000814.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003719.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003719.png 718.856 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000146.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000146.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000150.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000150.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000175.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000175.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004317.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004317.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001528.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001528.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000386.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000386.png 707.0912 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000037.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000037.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000591.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000591.png 707.0912 +2011_09_26/2011_09_26_drive_0017_sync/image_02/data/0000000045.png 2011_09_26_drive_0017_sync/proj_depth/groundtruth/image_02/0000000045.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002148.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002148.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000365.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000365.png 721.5377 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000330.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000330.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002832.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002832.png 718.856 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000201.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000201.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001308.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001308.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000491.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000491.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000098.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000098.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000500.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000500.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000378.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000378.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003420.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003420.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001438.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001438.png 707.0912 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000123.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000123.png 718.3351 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000663.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000663.png 718.856 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000486.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000486.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001782.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001782.png 707.0912 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000162.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000162.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000514.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000514.png 721.5377 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000181.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000181.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000118.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000118.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003536.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003536.png 707.0912 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000231.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000231.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000285.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000285.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000806.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000806.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003113.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003113.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001100.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001100.png 707.0912 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000179.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000179.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003583.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003583.png 718.856 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000467.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000467.png 721.5377 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000188.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000188.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000721.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000721.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000304.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000304.png 707.0912 +2011_09_26/2011_09_26_drive_0035_sync/image_02/data/0000000061.png 2011_09_26_drive_0035_sync/proj_depth/groundtruth/image_02/0000000061.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003821.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003821.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000122.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000122.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003888.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003888.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000057.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000057.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000376.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000376.png 721.5377 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000102.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000102.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004343.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004343.png 707.0912 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000220.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000220.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004643.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004643.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000005068.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000005068.png 707.0912 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000153.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000153.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000540.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000540.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003840.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003840.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000928.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000928.png 707.0912 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000184.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000184.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001086.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001086.png 707.0912 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000055.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000055.png 718.3351 +2011_09_28/2011_09_28_drive_0001_sync/image_02/data/0000000060.png 2011_09_28_drive_0001_sync/proj_depth/groundtruth/image_02/0000000060.png 707.0493 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000354.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000354.png 721.5377 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000093.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000093.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003228.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003228.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003877.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003877.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000121.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000121.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000179.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000179.png 718.856 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000241.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000241.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002599.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002599.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000789.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000789.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001060.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001060.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003062.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003062.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002080.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002080.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002713.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002713.png 707.0912 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000065.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000065.png 721.5377 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000158.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000158.png 718.3351 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003496.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003496.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000694.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000694.png 721.5377 +2011_09_26/2011_09_26_drive_0060_sync/image_02/data/0000000021.png 2011_09_26_drive_0060_sync/proj_depth/groundtruth/image_02/0000000021.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000286.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000286.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002003.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002003.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002998.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002998.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001392.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001392.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000866.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000866.png 707.0912 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000232.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000232.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000606.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000606.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003678.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003678.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000272.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000272.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000340.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000340.png 718.856 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000573.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000573.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000211.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000211.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000939.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000939.png 718.856 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000451.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000451.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000284.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000284.png 718.856 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000291.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000291.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004371.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004371.png 718.856 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000535.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000535.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000565.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000565.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000714.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000714.png 707.0912 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000067.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000067.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000765.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000765.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004907.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004907.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000001027.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000001027.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002512.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002512.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002453.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002453.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000766.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000766.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001119.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001119.png 707.0912 +2011_09_26/2011_09_26_drive_0035_sync/image_02/data/0000000006.png 2011_09_26_drive_0035_sync/proj_depth/groundtruth/image_02/0000000006.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002335.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002335.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004023.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004023.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000914.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000914.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001102.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001102.png 707.0912 +2011_09_26/2011_09_26_drive_0113_sync/image_02/data/0000000022.png 2011_09_26_drive_0113_sync/proj_depth/groundtruth/image_02/0000000022.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002670.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002670.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000027.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000027.png 721.5377 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000365.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000365.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000364.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000364.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002312.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002312.png 707.0912 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000298.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000298.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001238.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001238.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000918.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000918.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003638.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003638.png 718.856 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000340.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000340.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003833.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003833.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002516.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002516.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000115.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000115.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000509.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000509.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001757.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001757.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002931.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002931.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003248.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003248.png 707.0912 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000435.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000435.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000156.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000156.png 707.0912 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000271.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000271.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001039.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001039.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004608.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004608.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000700.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000700.png 718.856 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000354.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000354.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000046.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000046.png 707.0912 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000143.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000143.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000710.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000710.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003544.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003544.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000920.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000920.png 707.0912 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000228.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000228.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001985.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001985.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001163.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001163.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000178.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000178.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000369.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000369.png 707.0912 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000248.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000248.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000001121.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000001121.png 718.856 +2011_09_29/2011_09_29_drive_0026_sync/image_02/data/0000000137.png 2011_09_29_drive_0026_sync/proj_depth/groundtruth/image_02/0000000137.png 718.3351 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000026.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000026.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001118.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001118.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002366.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002366.png 718.856 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000087.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000087.png 721.5377 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000417.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000417.png 721.5377 +2011_09_26/2011_09_26_drive_0035_sync/image_02/data/0000000094.png 2011_09_26_drive_0035_sync/proj_depth/groundtruth/image_02/0000000094.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003161.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003161.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004481.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004481.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004130.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004130.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002873.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002873.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000691.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000691.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000907.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000907.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001924.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001924.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003389.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003389.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000487.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000487.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004301.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004301.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000738.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000738.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000665.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000665.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002829.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002829.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001707.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001707.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001461.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001461.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004145.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004145.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002263.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002263.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000378.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000378.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001092.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001092.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000437.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000437.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004374.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004374.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002727.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002727.png 718.856 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000105.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000105.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004683.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004683.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003371.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003371.png 718.856 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000284.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000284.png 718.3351 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000040.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000040.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003513.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003513.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003572.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003572.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002134.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002134.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002387.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002387.png 707.0912 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000289.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000289.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002445.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002445.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000235.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000235.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000264.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000264.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001179.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001179.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003855.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003855.png 707.0912 +2011_09_26/2011_09_26_drive_0079_sync/image_02/data/0000000086.png 2011_09_26_drive_0079_sync/proj_depth/groundtruth/image_02/0000000086.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001004.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001004.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001844.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001844.png 718.856 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000229.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000229.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001848.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001848.png 718.856 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000399.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000399.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001287.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001287.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004416.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004416.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003901.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003901.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000687.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000687.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000623.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000623.png 707.0912 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000312.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000312.png 718.3351 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001403.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001403.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001877.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001877.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001777.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001777.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000147.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000147.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000065.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000065.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003243.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003243.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001378.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001378.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001781.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001781.png 707.0912 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000353.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000353.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003943.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003943.png 718.856 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000142.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000142.png 718.3351 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000027.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000027.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000410.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000410.png 718.856 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000240.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000240.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000581.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000581.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001602.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001602.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001167.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001167.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003955.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003955.png 707.0912 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000055.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000055.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003069.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003069.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000046.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000046.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000542.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000542.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003333.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003333.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001288.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001288.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001381.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001381.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001086.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001086.png 707.0912 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000137.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000137.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001033.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001033.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000706.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000706.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002324.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002324.png 718.856 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000302.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000302.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000391.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000391.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002915.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002915.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000105.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000105.png 707.0912 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000200.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000200.png 718.3351 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000536.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000536.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003396.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003396.png 707.0912 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000257.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000257.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001382.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001382.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003579.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003579.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004424.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004424.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001482.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001482.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000573.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000573.png 707.0912 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000199.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000199.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003818.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003818.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000001091.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000001091.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000619.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000619.png 718.856 +2011_09_29/2011_09_29_drive_0026_sync/image_02/data/0000000047.png 2011_09_29_drive_0026_sync/proj_depth/groundtruth/image_02/0000000047.png 718.3351 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003718.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003718.png 707.0912 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000094.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000094.png 718.3351 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000770.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000770.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000252.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000252.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000963.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000963.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002753.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002753.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003424.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003424.png 707.0912 +2011_09_26/2011_09_26_drive_0005_sync/image_02/data/0000000062.png 2011_09_26_drive_0005_sync/proj_depth/groundtruth/image_02/0000000062.png 721.5377 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000013.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000013.png 721.5377 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000379.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000379.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003435.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003435.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000363.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000363.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000001015.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000001015.png 718.856 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000499.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000499.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000586.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000586.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000405.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000405.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000701.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000701.png 707.0912 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000139.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000139.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000028.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000028.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000314.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000314.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000236.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000236.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003917.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003917.png 718.856 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000421.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000421.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000538.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000538.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002877.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002877.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000684.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000684.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000851.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000851.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004487.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004487.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000061.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000061.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000660.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000660.png 721.5377 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000141.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000141.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000226.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000226.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003289.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003289.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001846.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001846.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002265.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002265.png 718.856 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000410.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000410.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000884.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000884.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003492.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003492.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000005122.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000005122.png 707.0912 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000103.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000103.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002893.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002893.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000512.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000512.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004206.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004206.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000686.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000686.png 707.0912 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000287.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000287.png 721.5377 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000372.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000372.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000088.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000088.png 707.0912 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000195.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000195.png 721.5377 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000290.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000290.png 718.3351 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001335.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001335.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004348.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004348.png 707.0912 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000015.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000015.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003084.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003084.png 707.0912 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000108.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000108.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000390.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000390.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000001068.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000001068.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001073.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001073.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000465.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000465.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001960.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001960.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002044.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002044.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001064.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001064.png 718.856 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000512.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000512.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000008.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000008.png 718.856 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000106.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000106.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000360.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000360.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003164.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003164.png 707.0912 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000184.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000184.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003405.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003405.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000491.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000491.png 718.856 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000226.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000226.png 721.5377 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000005.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000005.png 721.5377 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000150.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000150.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000636.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000636.png 707.0912 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000112.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000112.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004869.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004869.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000197.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000197.png 707.0912 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000346.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000346.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001083.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001083.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001991.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001991.png 718.856 +2011_09_26/2011_09_26_drive_0001_sync/image_02/data/0000000027.png 2011_09_26_drive_0001_sync/proj_depth/groundtruth/image_02/0000000027.png 721.5377 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000187.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000187.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004550.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004550.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002250.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002250.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000436.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000436.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000438.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000438.png 718.856 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000279.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000279.png 721.5377 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000295.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000295.png 721.5377 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000105.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000105.png 721.5377 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000205.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000205.png 721.5377 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000061.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000061.png 718.3351 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000020.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000020.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000119.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000119.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002636.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002636.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001467.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001467.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000452.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000452.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000200.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000200.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001958.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001958.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004388.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004388.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000972.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000972.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000712.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000712.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003122.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003122.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003059.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003059.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002937.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002937.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000609.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000609.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000298.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000298.png 707.0912 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000076.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000076.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000050.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000050.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001155.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001155.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000333.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000333.png 707.0912 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000105.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000105.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001311.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001311.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001779.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001779.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004047.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004047.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003776.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003776.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000799.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000799.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001079.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001079.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003088.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003088.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003092.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003092.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001124.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001124.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003547.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003547.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000913.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000913.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002208.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002208.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001263.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001263.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000134.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000134.png 707.0912 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000423.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000423.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001133.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001133.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003414.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003414.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002691.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002691.png 718.856 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000079.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000079.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000699.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000699.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000130.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000130.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003605.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003605.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000682.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000682.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000179.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000179.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001456.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001456.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000645.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000645.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002768.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002768.png 707.0912 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000314.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000314.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000899.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000899.png 707.0912 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000074.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000074.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000426.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000426.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000548.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000548.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003937.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003937.png 718.856 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000059.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000059.png 721.5377 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000019.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000019.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000744.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000744.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000207.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000207.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004739.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004739.png 707.0912 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000378.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000378.png 721.5377 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000375.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000375.png 721.5377 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000010.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000010.png 718.3351 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003521.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003521.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001167.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001167.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001327.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001327.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000001043.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000001043.png 718.856 +2011_09_26/2011_09_26_drive_0017_sync/image_02/data/0000000078.png 2011_09_26_drive_0017_sync/proj_depth/groundtruth/image_02/0000000078.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002396.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002396.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000001054.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000001054.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001366.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001366.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000436.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000436.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000435.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000435.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002868.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002868.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000861.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000861.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003842.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003842.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003215.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003215.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002513.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002513.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002620.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002620.png 718.856 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000280.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000280.png 721.5377 +2011_09_26/2011_09_26_drive_0035_sync/image_02/data/0000000053.png 2011_09_26_drive_0035_sync/proj_depth/groundtruth/image_02/0000000053.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001062.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001062.png 707.0912 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000274.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000274.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003021.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003021.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003684.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003684.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000725.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000725.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003209.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003209.png 707.0912 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000196.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000196.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000116.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000116.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003258.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003258.png 707.0912 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000270.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000270.png 718.3351 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002372.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002372.png 718.856 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000285.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000285.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000719.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000719.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001634.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001634.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000846.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000846.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000627.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000627.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002522.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002522.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000323.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000323.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000001100.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000001100.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000839.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000839.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001694.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001694.png 718.856 +2011_09_26/2011_09_26_drive_0005_sync/image_02/data/0000000138.png 2011_09_26_drive_0005_sync/proj_depth/groundtruth/image_02/0000000138.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000200.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000200.png 718.856 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000419.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000419.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004309.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004309.png 707.0912 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000310.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000310.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002728.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002728.png 718.856 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000058.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000058.png 721.5377 +2011_09_28/2011_09_28_drive_0001_sync/image_02/data/0000000021.png 2011_09_28_drive_0001_sync/proj_depth/groundtruth/image_02/0000000021.png 707.0493 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000005025.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000005025.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000180.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000180.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000531.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000531.png 707.0912 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000194.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000194.png 721.5377 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000154.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000154.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003180.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003180.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001153.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001153.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000175.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000175.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000168.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000168.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004628.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004628.png 718.856 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000522.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000522.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000692.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000692.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004676.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004676.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001592.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001592.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000506.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000506.png 718.856 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000178.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000178.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003547.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003547.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001042.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001042.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001195.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001195.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000805.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000805.png 707.0912 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000125.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000125.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003721.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003721.png 718.856 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000217.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000217.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000297.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000297.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000001054.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000001054.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000896.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000896.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000947.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000947.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004766.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004766.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000211.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000211.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000169.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000169.png 718.856 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000167.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000167.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000170.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000170.png 721.5377 +2011_09_28/2011_09_28_drive_0001_sync/image_02/data/0000000088.png 2011_09_28_drive_0001_sync/proj_depth/groundtruth/image_02/0000000088.png 707.0493 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002933.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002933.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004678.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004678.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001122.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001122.png 707.0912 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000200.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000200.png 721.5377 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000034.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000034.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000109.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000109.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000655.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000655.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000966.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000966.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000722.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000722.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002960.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002960.png 707.0912 +2011_09_26/2011_09_26_drive_0060_sync/image_02/data/0000000035.png 2011_09_26_drive_0060_sync/proj_depth/groundtruth/image_02/0000000035.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003343.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003343.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003281.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003281.png 718.856 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000080.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000080.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000638.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000638.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000878.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000878.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001309.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001309.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003425.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003425.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000300.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000300.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000531.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000531.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000965.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000965.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002305.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002305.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000755.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000755.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003874.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003874.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000823.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000823.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002244.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002244.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000010.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000010.png 707.0912 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000270.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000270.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004162.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004162.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000537.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000537.png 721.5377 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000184.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000184.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003062.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003062.png 718.856 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000104.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000104.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002172.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002172.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001198.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001198.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000023.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000023.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004398.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004398.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000913.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000913.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000777.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000777.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000240.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000240.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000324.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000324.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002108.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002108.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002743.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002743.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003664.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003664.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000941.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000941.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004729.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004729.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003410.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003410.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003275.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003275.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004852.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004852.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000419.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000419.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000948.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000948.png 707.0912 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000013.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000013.png 721.5377 +2011_09_26/2011_09_26_drive_0035_sync/image_02/data/0000000034.png 2011_09_26_drive_0035_sync/proj_depth/groundtruth/image_02/0000000034.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002153.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002153.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003990.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003990.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000047.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000047.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003788.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003788.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001345.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001345.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002720.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002720.png 707.0912 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000282.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000282.png 718.3351 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002498.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002498.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001774.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001774.png 718.856 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000068.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000068.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004296.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004296.png 707.0912 +2011_09_26/2011_09_26_drive_0017_sync/image_02/data/0000000032.png 2011_09_26_drive_0017_sync/proj_depth/groundtruth/image_02/0000000032.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001828.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001828.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000102.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000102.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000213.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000213.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001187.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001187.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004134.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004134.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000196.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000196.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000532.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000532.png 707.0912 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000108.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000108.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000746.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000746.png 707.0912 +2011_09_29/2011_09_29_drive_0026_sync/image_02/data/0000000132.png 2011_09_29_drive_0026_sync/proj_depth/groundtruth/image_02/0000000132.png 718.3351 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000147.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000147.png 721.5377 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000169.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000169.png 721.5377 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000215.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000215.png 721.5377 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000164.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000164.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001110.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001110.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001419.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001419.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001326.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001326.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000429.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000429.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001456.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001456.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003454.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003454.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000987.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000987.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000938.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000938.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001315.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001315.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004685.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004685.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000191.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000191.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001073.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001073.png 707.0912 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000361.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000361.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000110.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000110.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000451.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000451.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003729.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003729.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000386.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000386.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000142.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000142.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002387.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002387.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001094.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001094.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000722.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000722.png 707.0912 +2011_09_28/2011_09_28_drive_0001_sync/image_02/data/0000000032.png 2011_09_28_drive_0001_sync/proj_depth/groundtruth/image_02/0000000032.png 707.0493 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000188.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000188.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002207.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002207.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003514.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003514.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001528.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001528.png 718.856 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000059.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000059.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000477.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000477.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000921.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000921.png 707.0912 +2011_09_26/2011_09_26_drive_0005_sync/image_02/data/0000000036.png 2011_09_26_drive_0005_sync/proj_depth/groundtruth/image_02/0000000036.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001090.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001090.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000529.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000529.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004237.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004237.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000756.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000756.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000660.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000660.png 707.0912 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000396.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000396.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001183.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001183.png 707.0912 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000033.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000033.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003036.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003036.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000299.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000299.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000214.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000214.png 718.856 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000214.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000214.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004563.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004563.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000694.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000694.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002644.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002644.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001040.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001040.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000354.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000354.png 707.0912 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000188.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000188.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000001048.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000001048.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000554.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000554.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002489.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002489.png 718.856 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000119.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000119.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000330.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000330.png 707.0912 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000031.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000031.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001961.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001961.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000817.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000817.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004313.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004313.png 707.0912 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000133.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000133.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000968.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000968.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001583.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001583.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000586.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000586.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000702.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000702.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000115.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000115.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001186.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001186.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000036.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000036.png 707.0912 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000219.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000219.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000280.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000280.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004558.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004558.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004872.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004872.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000216.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000216.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000107.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000107.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004109.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004109.png 707.0912 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000113.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000113.png 721.5377 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000306.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000306.png 718.3351 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000289.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000289.png 707.0912 +2011_09_26/2011_09_26_drive_0017_sync/image_02/data/0000000090.png 2011_09_26_drive_0017_sync/proj_depth/groundtruth/image_02/0000000090.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002796.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002796.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000612.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000612.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003195.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003195.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000723.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000723.png 707.0912 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000197.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000197.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000010.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000010.png 718.856 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000101.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000101.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002425.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002425.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001935.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001935.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002237.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002237.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004330.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004330.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000336.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000336.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000413.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000413.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000525.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000525.png 707.0912 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000389.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000389.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000070.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000070.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004360.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004360.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002242.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002242.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000349.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000349.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003499.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003499.png 707.0912 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000261.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000261.png 721.5377 +2011_09_29/2011_09_29_drive_0026_sync/image_02/data/0000000057.png 2011_09_29_drive_0026_sync/proj_depth/groundtruth/image_02/0000000057.png 718.3351 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003930.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003930.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001524.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001524.png 718.856 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000257.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000257.png 721.5377 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000140.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000140.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000306.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000306.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000203.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000203.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003976.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003976.png 718.856 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000110.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000110.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000924.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000924.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000936.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000936.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000126.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000126.png 718.856 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000539.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000539.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004877.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004877.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000754.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000754.png 707.0912 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000263.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000263.png 721.5377 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000204.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000204.png 721.5377 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000259.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000259.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000514.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000514.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000523.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000523.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000251.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000251.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000774.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000774.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001281.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001281.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003938.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003938.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003372.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003372.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000139.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000139.png 721.5377 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000258.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000258.png 721.5377 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000286.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000286.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002167.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002167.png 718.856 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000090.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000090.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000055.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000055.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000417.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000417.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000542.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000542.png 718.856 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000273.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000273.png 718.3351 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002983.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002983.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004511.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004511.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002781.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002781.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000433.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000433.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000901.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000901.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004034.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004034.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004779.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004779.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001140.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001140.png 707.0912 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000219.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000219.png 721.5377 +2011_09_28/2011_09_28_drive_0001_sync/image_02/data/0000000006.png 2011_09_28_drive_0001_sync/proj_depth/groundtruth/image_02/0000000006.png 707.0493 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000606.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000606.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002373.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002373.png 707.0912 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000186.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000186.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003916.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003916.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000259.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000259.png 707.0912 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000352.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000352.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004445.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004445.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000104.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000104.png 707.0912 +2011_09_29/2011_09_29_drive_0026_sync/image_02/data/0000000120.png 2011_09_29_drive_0026_sync/proj_depth/groundtruth/image_02/0000000120.png 718.3351 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003440.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003440.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000321.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000321.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000558.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000558.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000237.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000237.png 721.5377 +2011_09_26/2011_09_26_drive_0079_sync/image_02/data/0000000056.png 2011_09_26_drive_0079_sync/proj_depth/groundtruth/image_02/0000000056.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000491.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000491.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000977.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000977.png 707.0912 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000102.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000102.png 721.5377 +2011_09_26/2011_09_26_drive_0079_sync/image_02/data/0000000082.png 2011_09_26_drive_0079_sync/proj_depth/groundtruth/image_02/0000000082.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000110.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000110.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000862.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000862.png 718.856 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000138.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000138.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000578.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000578.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000088.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000088.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000001083.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000001083.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000248.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000248.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000858.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000858.png 707.0912 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000316.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000316.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000375.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000375.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000817.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000817.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003178.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003178.png 718.856 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000151.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000151.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003369.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003369.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001365.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001365.png 707.0912 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000287.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000287.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002778.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002778.png 718.856 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000509.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000509.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001005.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001005.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003216.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003216.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000470.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000470.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000330.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000330.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002154.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002154.png 718.856 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000520.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000520.png 721.5377 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000182.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000182.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000077.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000077.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000534.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000534.png 721.5377 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000035.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000035.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003675.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003675.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001644.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001644.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000078.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000078.png 718.856 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000045.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000045.png 721.5377 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000293.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000293.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000001066.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000001066.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000603.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000603.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004504.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004504.png 718.856 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000354.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000354.png 721.5377 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000177.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000177.png 721.5377 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000100.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000100.png 721.5377 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000105.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000105.png 721.5377 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000161.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000161.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000195.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000195.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000914.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000914.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000081.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000081.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000277.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000277.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003049.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003049.png 718.856 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000056.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000056.png 721.5377 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000263.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000263.png 721.5377 +2011_09_26/2011_09_26_drive_0060_sync/image_02/data/0000000029.png 2011_09_26_drive_0060_sync/proj_depth/groundtruth/image_02/0000000029.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003337.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003337.png 718.856 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000059.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000059.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004972.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004972.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000505.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000505.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000969.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000969.png 718.856 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000299.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000299.png 721.5377 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000096.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000096.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000528.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000528.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001477.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001477.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003702.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003702.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000750.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000750.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003240.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003240.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000540.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000540.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000102.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000102.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000789.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000789.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000526.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000526.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000357.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000357.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000005026.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000005026.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004129.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004129.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002640.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002640.png 707.0912 +2011_09_26/2011_09_26_drive_0079_sync/image_02/data/0000000064.png 2011_09_26_drive_0079_sync/proj_depth/groundtruth/image_02/0000000064.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004291.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004291.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000988.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000988.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000612.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000612.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000282.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000282.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000959.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000959.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001188.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001188.png 707.0912 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000103.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000103.png 721.5377 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000171.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000171.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000458.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000458.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001149.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001149.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004713.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004713.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000008.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000008.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003151.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003151.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000420.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000420.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004991.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004991.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000859.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000859.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003960.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003960.png 718.856 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000075.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000075.png 721.5377 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000011.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000011.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004367.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004367.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000818.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000818.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004578.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004578.png 707.0912 +2011_09_26/2011_09_26_drive_0005_sync/image_02/data/0000000088.png 2011_09_26_drive_0005_sync/proj_depth/groundtruth/image_02/0000000088.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000200.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000200.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000915.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000915.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001365.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001365.png 718.856 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000015.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000015.png 721.5377 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000230.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000230.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001093.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001093.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004407.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004407.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000154.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000154.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000434.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000434.png 707.0912 +2011_09_26/2011_09_26_drive_0060_sync/image_02/data/0000000030.png 2011_09_26_drive_0060_sync/proj_depth/groundtruth/image_02/0000000030.png 721.5377 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000075.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000075.png 721.5377 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000324.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000324.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000342.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000342.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000286.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000286.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000341.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000341.png 707.0912 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000143.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000143.png 718.3351 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001856.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001856.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003204.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003204.png 718.856 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000367.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000367.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002887.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002887.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001117.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001117.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003411.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003411.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001841.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001841.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000961.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000961.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001132.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001132.png 718.856 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000318.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000318.png 718.3351 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000255.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000255.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001184.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001184.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004458.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004458.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000149.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000149.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000156.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000156.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001095.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001095.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004561.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004561.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003233.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003233.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001393.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001393.png 707.0912 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000230.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000230.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001642.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001642.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002298.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002298.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000628.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000628.png 707.0912 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000117.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000117.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000324.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000324.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000632.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000632.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000506.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000506.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002047.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002047.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001001.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001001.png 707.0912 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000136.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000136.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000943.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000943.png 707.0912 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000211.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000211.png 718.3351 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000264.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000264.png 718.3351 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001733.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001733.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001469.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001469.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000913.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000913.png 718.856 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000188.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000188.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002180.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002180.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000232.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000232.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002165.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002165.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000850.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000850.png 707.0912 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000309.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000309.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000230.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000230.png 721.5377 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000057.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000057.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000613.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000613.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004585.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004585.png 707.0912 +2011_09_26/2011_09_26_drive_0035_sync/image_02/data/0000000019.png 2011_09_26_drive_0035_sync/proj_depth/groundtruth/image_02/0000000019.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003358.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003358.png 707.0912 +2011_09_28/2011_09_28_drive_0001_sync/image_02/data/0000000082.png 2011_09_28_drive_0001_sync/proj_depth/groundtruth/image_02/0000000082.png 707.0493 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000300.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000300.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003285.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003285.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002861.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002861.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003862.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003862.png 718.856 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000088.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000088.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001930.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001930.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003693.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003693.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000067.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000067.png 718.856 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000306.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000306.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001447.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001447.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000951.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000951.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002245.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002245.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000998.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000998.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001177.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001177.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001286.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001286.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002598.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002598.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000444.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000444.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001310.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001310.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000352.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000352.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004557.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004557.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000374.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000374.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003777.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003777.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000261.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000261.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000385.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000385.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000720.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000720.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003714.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003714.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000186.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000186.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002321.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002321.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000296.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000296.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000233.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000233.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000071.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000071.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004291.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004291.png 718.856 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000165.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000165.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000190.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000190.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002727.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002727.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000036.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000036.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003727.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003727.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000226.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000226.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000132.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000132.png 718.856 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000248.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000248.png 721.5377 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000069.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000069.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000465.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000465.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002463.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002463.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000314.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000314.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004148.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004148.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002894.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002894.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000541.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000541.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000868.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000868.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000926.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000926.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002085.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002085.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000033.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000033.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002570.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002570.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004437.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004437.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001293.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001293.png 707.0912 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000202.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000202.png 721.5377 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000254.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000254.png 721.5377 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000141.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000141.png 718.3351 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003461.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003461.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003024.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003024.png 707.0912 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000034.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000034.png 718.3351 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004128.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004128.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000378.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000378.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000192.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000192.png 707.0912 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000351.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000351.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001118.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001118.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002014.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002014.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002278.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002278.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003615.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003615.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002982.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002982.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000005135.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000005135.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000272.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000272.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002206.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002206.png 718.856 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000024.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000024.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000407.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000407.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002916.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002916.png 707.0912 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000267.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000267.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002635.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002635.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001598.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001598.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002866.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002866.png 707.0912 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000397.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000397.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000574.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000574.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003565.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003565.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000886.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000886.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000541.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000541.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004561.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004561.png 707.0912 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000053.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000053.png 721.5377 +2011_09_26/2011_09_26_drive_0079_sync/image_02/data/0000000034.png 2011_09_26_drive_0079_sync/proj_depth/groundtruth/image_02/0000000034.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000001098.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000001098.png 718.856 +2011_09_26/2011_09_26_drive_0035_sync/image_02/data/0000000009.png 2011_09_26_drive_0035_sync/proj_depth/groundtruth/image_02/0000000009.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000160.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000160.png 707.0912 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000180.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000180.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000720.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000720.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001137.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001137.png 707.0912 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000027.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000027.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002377.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002377.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002300.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002300.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001340.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001340.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000464.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000464.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000700.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000700.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001252.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001252.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000099.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000099.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000613.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000613.png 718.856 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000474.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000474.png 721.5377 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000132.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000132.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000800.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000800.png 707.0912 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000142.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000142.png 721.5377 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000332.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000332.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000395.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000395.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000423.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000423.png 707.0912 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000226.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000226.png 718.3351 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004217.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004217.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000663.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000663.png 707.0912 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000073.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000073.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000853.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000853.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000578.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000578.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003779.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003779.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001837.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001837.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000600.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000600.png 707.0912 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000328.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000328.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001315.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001315.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000016.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000016.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000905.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000905.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004269.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004269.png 718.856 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000259.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000259.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000005008.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000005008.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001296.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001296.png 707.0912 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000187.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000187.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000239.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000239.png 707.0912 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000127.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000127.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000709.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000709.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001237.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001237.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002782.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002782.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001485.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001485.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000428.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000428.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000754.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000754.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000827.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000827.png 718.856 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000335.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000335.png 721.5377 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000430.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000430.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000272.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000272.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001288.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001288.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000654.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000654.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003812.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003812.png 718.856 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000440.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000440.png 721.5377 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000206.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000206.png 721.5377 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000297.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000297.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002863.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002863.png 707.0912 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000268.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000268.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000590.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000590.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000712.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000712.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002534.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002534.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000479.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000479.png 707.0912 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000059.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000059.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001891.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001891.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000163.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000163.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000444.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000444.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001364.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001364.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004070.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004070.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000001064.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000001064.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003145.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003145.png 718.856 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000080.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000080.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003871.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003871.png 718.856 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000119.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000119.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004459.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004459.png 718.856 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000122.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000122.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000468.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000468.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000707.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000707.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000970.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000970.png 718.856 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000224.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000224.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000471.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000471.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000238.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000238.png 707.0912 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000145.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000145.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000989.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000989.png 707.0912 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000176.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000176.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000586.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000586.png 721.5377 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000035.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000035.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000523.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000523.png 707.0912 +2011_09_26/2011_09_26_drive_0001_sync/image_02/data/0000000082.png 2011_09_26_drive_0001_sync/proj_depth/groundtruth/image_02/0000000082.png 721.5377 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000323.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000323.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003870.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003870.png 718.856 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000629.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000629.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000909.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000909.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002091.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002091.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000249.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000249.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001050.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001050.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002930.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002930.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000452.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000452.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002181.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002181.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004157.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004157.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000948.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000948.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001114.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001114.png 707.0912 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000133.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000133.png 721.5377 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000011.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000011.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002619.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002619.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002153.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002153.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002866.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002866.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001921.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001921.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003179.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003179.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001657.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001657.png 707.0912 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000362.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000362.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000189.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000189.png 707.0912 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000119.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000119.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000928.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000928.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000105.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000105.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001142.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001142.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003376.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003376.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000673.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000673.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000627.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000627.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000057.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000057.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000642.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000642.png 721.5377 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000025.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000025.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000608.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000608.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000415.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000415.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000205.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000205.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002112.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002112.png 718.856 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000402.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000402.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000440.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000440.png 721.5377 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000359.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000359.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000276.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000276.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000826.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000826.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000001164.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000001164.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001083.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001083.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001669.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001669.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000983.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000983.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004200.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004200.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001070.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001070.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004549.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004549.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000005159.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000005159.png 707.0912 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000262.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000262.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003422.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003422.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000238.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000238.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000127.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000127.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003225.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003225.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002328.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002328.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000925.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000925.png 718.856 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000260.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000260.png 721.5377 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000304.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000304.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001743.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001743.png 718.856 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000466.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000466.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000638.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000638.png 707.0912 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000025.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000025.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000439.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000439.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000141.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000141.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000748.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000748.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001052.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001052.png 718.856 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000611.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000611.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000022.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000022.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002947.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002947.png 718.856 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000644.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000644.png 721.5377 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000062.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000062.png 721.5377 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000104.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000104.png 721.5377 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000063.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000063.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000586.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000586.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000973.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000973.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000595.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000595.png 707.0912 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000120.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000120.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004587.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004587.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001696.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001696.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003856.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003856.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000031.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000031.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003585.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003585.png 707.0912 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000105.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000105.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000549.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000549.png 707.0912 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000231.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000231.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000507.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000507.png 707.0912 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000078.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000078.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004277.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004277.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000711.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000711.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003795.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003795.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000285.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000285.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000567.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000567.png 707.0912 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000223.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000223.png 721.5377 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000100.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000100.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001299.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001299.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000093.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000093.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002629.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002629.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000624.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000624.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001533.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001533.png 707.0912 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000014.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000014.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000463.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000463.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000735.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000735.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001454.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001454.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003303.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003303.png 718.856 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000461.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000461.png 721.5377 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000265.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000265.png 721.5377 +2011_09_26/2011_09_26_drive_0001_sync/image_02/data/0000000023.png 2011_09_26_drive_0001_sync/proj_depth/groundtruth/image_02/0000000023.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000098.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000098.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003366.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003366.png 707.0912 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000241.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000241.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000401.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000401.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000208.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000208.png 707.0912 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000012.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000012.png 721.5377 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000095.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000095.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002443.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002443.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001569.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001569.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000392.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000392.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003886.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003886.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004913.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004913.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001503.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001503.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000324.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000324.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001793.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001793.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003992.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003992.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002941.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002941.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000360.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000360.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000760.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000760.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001645.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001645.png 718.856 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000398.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000398.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003359.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003359.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004566.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004566.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003138.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003138.png 718.856 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000193.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000193.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000424.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000424.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001410.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001410.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001878.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001878.png 707.0912 +2011_09_26/2011_09_26_drive_0001_sync/image_02/data/0000000094.png 2011_09_26_drive_0001_sync/proj_depth/groundtruth/image_02/0000000094.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000220.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000220.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000146.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000146.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000293.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000293.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000005148.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000005148.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004274.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004274.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001280.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001280.png 707.0912 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000316.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000316.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003521.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003521.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003037.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003037.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003190.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003190.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000834.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000834.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000067.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000067.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004842.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004842.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001000.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001000.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000128.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000128.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000727.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000727.png 718.856 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000152.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000152.png 721.5377 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000241.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000241.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000800.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000800.png 707.0912 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000128.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000128.png 721.5377 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000120.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000120.png 721.5377 +2011_09_28/2011_09_28_drive_0001_sync/image_02/data/0000000040.png 2011_09_28_drive_0001_sync/proj_depth/groundtruth/image_02/0000000040.png 707.0493 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004361.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004361.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000081.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000081.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004092.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004092.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001033.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001033.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002200.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002200.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000309.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000309.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000400.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000400.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000001097.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000001097.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001028.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001028.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000780.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000780.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003988.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003988.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004271.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004271.png 707.0912 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000036.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000036.png 721.5377 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000053.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000053.png 721.5377 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000181.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000181.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004146.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004146.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001059.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001059.png 707.0912 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000182.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000182.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004805.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004805.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002655.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002655.png 718.856 +2011_09_26/2011_09_26_drive_0005_sync/image_02/data/0000000140.png 2011_09_26_drive_0005_sync/proj_depth/groundtruth/image_02/0000000140.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002771.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002771.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001854.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001854.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004380.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004380.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004871.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004871.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000827.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000827.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000395.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000395.png 721.5377 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000184.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000184.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001520.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001520.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000481.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000481.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000334.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000334.png 718.856 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000140.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000140.png 721.5377 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000221.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000221.png 721.5377 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000207.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000207.png 721.5377 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000124.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000124.png 718.3351 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000121.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000121.png 721.5377 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000384.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000384.png 721.5377 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000271.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000271.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001799.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001799.png 718.856 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000051.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000051.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000321.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000321.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004421.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004421.png 707.0912 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000016.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000016.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004832.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004832.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002644.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002644.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000887.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000887.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000570.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000570.png 707.0912 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000281.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000281.png 721.5377 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000363.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000363.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000131.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000131.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001707.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001707.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000283.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000283.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003020.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003020.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000064.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000064.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000895.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000895.png 718.856 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000325.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000325.png 721.5377 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000238.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000238.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000468.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000468.png 718.856 +2011_09_26/2011_09_26_drive_0001_sync/image_02/data/0000000048.png 2011_09_26_drive_0001_sync/proj_depth/groundtruth/image_02/0000000048.png 721.5377 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000190.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000190.png 721.5377 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000138.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000138.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000191.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000191.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003780.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003780.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002198.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002198.png 707.0912 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000180.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000180.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000845.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000845.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001071.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001071.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003277.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003277.png 707.0912 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000350.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000350.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004227.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004227.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003054.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003054.png 707.0912 +2011_09_26/2011_09_26_drive_0005_sync/image_02/data/0000000122.png 2011_09_26_drive_0005_sync/proj_depth/groundtruth/image_02/0000000122.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000676.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000676.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004390.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004390.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001142.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001142.png 707.0912 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000384.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000384.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000673.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000673.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000368.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000368.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002290.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002290.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002144.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002144.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000005131.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000005131.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000186.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000186.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000066.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000066.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001471.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001471.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000287.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000287.png 707.0912 +2011_09_28/2011_09_28_drive_0001_sync/image_02/data/0000000057.png 2011_09_28_drive_0001_sync/proj_depth/groundtruth/image_02/0000000057.png 707.0493 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000243.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000243.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004436.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004436.png 718.856 +2011_09_29/2011_09_29_drive_0026_sync/image_02/data/0000000117.png 2011_09_29_drive_0026_sync/proj_depth/groundtruth/image_02/0000000117.png 718.3351 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003056.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003056.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001147.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001147.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000001091.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000001091.png 718.856 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000027.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000027.png 721.5377 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000101.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000101.png 718.3351 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000331.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000331.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000245.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000245.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000516.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000516.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000800.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000800.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003928.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003928.png 707.0912 +2011_09_29/2011_09_29_drive_0026_sync/image_02/data/0000000138.png 2011_09_29_drive_0026_sync/proj_depth/groundtruth/image_02/0000000138.png 718.3351 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001148.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001148.png 707.0912 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000350.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000350.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002966.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002966.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004444.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004444.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000746.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000746.png 718.856 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000253.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000253.png 721.5377 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000243.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000243.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000341.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000341.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000643.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000643.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002765.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002765.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001037.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001037.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000239.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000239.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000470.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000470.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004392.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004392.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000083.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000083.png 718.856 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000304.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000304.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000124.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000124.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002329.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002329.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001507.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001507.png 707.0912 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000130.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000130.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004076.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004076.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001788.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001788.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003029.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003029.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003714.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003714.png 718.856 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000601.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000601.png 721.5377 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000051.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000051.png 718.3351 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000917.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000917.png 707.0912 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000233.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000233.png 721.5377 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000228.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000228.png 721.5377 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000098.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000098.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000141.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000141.png 721.5377 +2011_09_26/2011_09_26_drive_0017_sync/image_02/data/0000000044.png 2011_09_26_drive_0017_sync/proj_depth/groundtruth/image_02/0000000044.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001588.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001588.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001683.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001683.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003411.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003411.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000319.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000319.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000504.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000504.png 718.856 +2011_09_26/2011_09_26_drive_0113_sync/image_02/data/0000000065.png 2011_09_26_drive_0113_sync/proj_depth/groundtruth/image_02/0000000065.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000054.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000054.png 718.856 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000012.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000012.png 721.5377 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000155.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000155.png 721.5377 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000337.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000337.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000360.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000360.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001039.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001039.png 718.856 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000017.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000017.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000306.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000306.png 707.0912 +2011_09_26/2011_09_26_drive_0001_sync/image_02/data/0000000095.png 2011_09_26_drive_0001_sync/proj_depth/groundtruth/image_02/0000000095.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000349.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000349.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001952.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001952.png 718.856 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000394.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000394.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002429.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002429.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004711.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004711.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001688.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001688.png 718.856 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000219.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000219.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000166.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000166.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002613.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002613.png 718.856 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000305.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000305.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002074.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002074.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000359.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000359.png 707.0912 +2011_09_26/2011_09_26_drive_0035_sync/image_02/data/0000000021.png 2011_09_26_drive_0035_sync/proj_depth/groundtruth/image_02/0000000021.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001516.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001516.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000308.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000308.png 718.856 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000588.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000588.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000559.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000559.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001973.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001973.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001576.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001576.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001162.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001162.png 718.856 +2011_09_26/2011_09_26_drive_0035_sync/image_02/data/0000000046.png 2011_09_26_drive_0035_sync/proj_depth/groundtruth/image_02/0000000046.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000963.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000963.png 707.0912 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000300.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000300.png 721.5377 +2011_09_29/2011_09_29_drive_0026_sync/image_02/data/0000000015.png 2011_09_29_drive_0026_sync/proj_depth/groundtruth/image_02/0000000015.png 718.3351 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001045.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001045.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000415.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000415.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000921.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000921.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000332.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000332.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000117.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000117.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000467.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000467.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001272.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001272.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001729.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001729.png 718.856 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000115.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000115.png 718.3351 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000887.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000887.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002368.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002368.png 718.856 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000089.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000089.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000196.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000196.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004833.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004833.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001668.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001668.png 707.0912 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000074.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000074.png 721.5377 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000205.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000205.png 721.5377 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000187.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000187.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000739.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000739.png 721.5377 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000193.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000193.png 721.5377 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000181.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000181.png 721.5377 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000206.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000206.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000122.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000122.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001297.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001297.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000581.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000581.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001681.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001681.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000449.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000449.png 707.0912 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000049.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000049.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003783.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003783.png 718.856 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000431.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000431.png 721.5377 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000174.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000174.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002364.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002364.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004506.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004506.png 718.856 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000060.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000060.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003210.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003210.png 718.856 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000144.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000144.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000650.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000650.png 707.0912 +2011_09_26/2011_09_26_drive_0113_sync/image_02/data/0000000020.png 2011_09_26_drive_0113_sync/proj_depth/groundtruth/image_02/0000000020.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001100.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001100.png 718.856 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000082.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000082.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003970.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003970.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000005080.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000005080.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000135.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000135.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004311.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004311.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000477.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000477.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000005076.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000005076.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002716.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002716.png 718.856 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000132.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000132.png 721.5377 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000102.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000102.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002760.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002760.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002072.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002072.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000116.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000116.png 721.5377 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000057.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000057.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000504.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000504.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001056.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001056.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004451.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004451.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000293.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000293.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000911.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000911.png 707.0912 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000207.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000207.png 721.5377 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000113.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000113.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003559.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003559.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000348.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000348.png 718.856 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000265.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000265.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000537.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000537.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002270.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002270.png 718.856 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000348.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000348.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004002.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004002.png 718.856 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000182.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000182.png 721.5377 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000377.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000377.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001764.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001764.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001082.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001082.png 707.0912 +2011_09_26/2011_09_26_drive_0060_sync/image_02/data/0000000069.png 2011_09_26_drive_0060_sync/proj_depth/groundtruth/image_02/0000000069.png 721.5377 +2011_09_26/2011_09_26_drive_0017_sync/image_02/data/0000000005.png 2011_09_26_drive_0017_sync/proj_depth/groundtruth/image_02/0000000005.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000159.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000159.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001285.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001285.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001484.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001484.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004061.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004061.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003802.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003802.png 707.0912 +2011_09_26/2011_09_26_drive_0005_sync/image_02/data/0000000110.png 2011_09_26_drive_0005_sync/proj_depth/groundtruth/image_02/0000000110.png 721.5377 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000215.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000215.png 721.5377 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000271.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000271.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000016.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000016.png 718.856 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000152.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000152.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003961.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003961.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002287.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002287.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000001163.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000001163.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001544.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001544.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000578.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000578.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004554.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004554.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003847.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003847.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000865.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000865.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002490.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002490.png 718.856 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000326.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000326.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000940.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000940.png 707.0912 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000048.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000048.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002341.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002341.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000550.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000550.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003663.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003663.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000917.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000917.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002643.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002643.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000160.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000160.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000632.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000632.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003671.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003671.png 707.0912 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000402.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000402.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001352.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001352.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004512.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004512.png 707.0912 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000147.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000147.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000164.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000164.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001277.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001277.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001548.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001548.png 718.856 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000266.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000266.png 718.3351 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000053.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000053.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002218.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002218.png 718.856 +2011_09_26/2011_09_26_drive_0005_sync/image_02/data/0000000117.png 2011_09_26_drive_0005_sync/proj_depth/groundtruth/image_02/0000000117.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004472.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004472.png 718.856 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000261.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000261.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000957.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000957.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004795.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004795.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002540.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002540.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000720.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000720.png 707.0912 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000347.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000347.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003165.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003165.png 707.0912 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000292.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000292.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000121.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000121.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000174.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000174.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000060.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000060.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000380.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000380.png 707.0912 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000416.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000416.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000629.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000629.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002018.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002018.png 718.856 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000336.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000336.png 721.5377 +2011_09_26/2011_09_26_drive_0035_sync/image_02/data/0000000116.png 2011_09_26_drive_0035_sync/proj_depth/groundtruth/image_02/0000000116.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000553.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000553.png 721.5377 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000007.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000007.png 721.5377 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000029.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000029.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000659.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000659.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000005160.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000005160.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000783.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000783.png 707.0912 +2011_09_26/2011_09_26_drive_0017_sync/image_02/data/0000000011.png 2011_09_26_drive_0017_sync/proj_depth/groundtruth/image_02/0000000011.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001716.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001716.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004828.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004828.png 707.0912 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000215.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000215.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000807.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000807.png 707.0912 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000061.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000061.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000353.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000353.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000005063.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000005063.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000351.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000351.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001923.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001923.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002832.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002832.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000332.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000332.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000893.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000893.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000163.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000163.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002424.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002424.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004322.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004322.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000890.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000890.png 707.0912 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000125.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000125.png 718.3351 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000424.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000424.png 718.856 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000022.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000022.png 721.5377 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000010.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000010.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001986.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001986.png 718.856 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000275.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000275.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000555.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000555.png 707.0912 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000144.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000144.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000223.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000223.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001377.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001377.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000729.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000729.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000093.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000093.png 721.5377 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000125.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000125.png 721.5377 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000073.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000073.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004876.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004876.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001078.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001078.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000158.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000158.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000562.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000562.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001968.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001968.png 718.856 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000212.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000212.png 721.5377 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000081.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000081.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001715.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001715.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003772.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003772.png 707.0912 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000005.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000005.png 721.5377 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000173.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000173.png 721.5377 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000255.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000255.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000049.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000049.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000292.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000292.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000545.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000545.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002594.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002594.png 707.0912 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000040.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000040.png 721.5377 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000148.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000148.png 721.5377 +2011_09_26/2011_09_26_drive_0035_sync/image_02/data/0000000086.png 2011_09_26_drive_0035_sync/proj_depth/groundtruth/image_02/0000000086.png 721.5377 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000222.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000222.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000314.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000314.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003388.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003388.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001555.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001555.png 707.0912 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000016.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000016.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000947.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000947.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003284.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003284.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002412.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002412.png 718.856 +2011_09_26/2011_09_26_drive_0005_sync/image_02/data/0000000129.png 2011_09_26_drive_0005_sync/proj_depth/groundtruth/image_02/0000000129.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004167.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004167.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000705.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000705.png 707.0912 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000033.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000033.png 721.5377 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000014.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000014.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000735.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000735.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000609.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000609.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000083.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000083.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001098.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001098.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003104.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003104.png 718.856 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000127.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000127.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000106.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000106.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000776.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000776.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001893.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001893.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000997.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000997.png 718.856 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000313.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000313.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000573.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000573.png 707.0912 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000021.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000021.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000430.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000430.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000883.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000883.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001111.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001111.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000555.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000555.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000876.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000876.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004754.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004754.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000725.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000725.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001312.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001312.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000097.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000097.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001527.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001527.png 707.0912 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000246.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000246.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000310.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000310.png 707.0912 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000292.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000292.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004376.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004376.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002577.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002577.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002929.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002929.png 718.856 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000228.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000228.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004172.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004172.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002065.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002065.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002356.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002356.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002103.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002103.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000986.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000986.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000527.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000527.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001313.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001313.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002377.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002377.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000660.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000660.png 718.856 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000635.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000635.png 721.5377 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000299.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000299.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000764.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000764.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004663.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004663.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000695.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000695.png 707.0912 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000118.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000118.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001855.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001855.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000330.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000330.png 707.0912 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000144.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000144.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001775.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001775.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000897.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000897.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000643.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000643.png 721.5377 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000234.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000234.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000001051.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000001051.png 707.0912 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000272.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000272.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000825.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000825.png 707.0912 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000157.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000157.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000189.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000189.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000138.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000138.png 707.0912 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000240.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000240.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000514.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000514.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003369.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003369.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004731.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004731.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003751.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003751.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003072.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003072.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001148.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001148.png 707.0912 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000210.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000210.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000443.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000443.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003157.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003157.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000547.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000547.png 718.856 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000132.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000132.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000719.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000719.png 707.0912 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000191.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000191.png 721.5377 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000082.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000082.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002457.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002457.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001842.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001842.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003730.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003730.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000933.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000933.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001179.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001179.png 707.0912 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000109.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000109.png 721.5377 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000324.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000324.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000059.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000059.png 707.0912 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000175.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000175.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000016.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000016.png 721.5377 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000200.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000200.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002169.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002169.png 718.856 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000127.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000127.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002950.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002950.png 718.856 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000696.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000696.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000558.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000558.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003328.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003328.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000937.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000937.png 707.0912 +2011_09_26/2011_09_26_drive_0005_sync/image_02/data/0000000013.png 2011_09_26_drive_0005_sync/proj_depth/groundtruth/image_02/0000000013.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004479.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004479.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000568.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000568.png 718.856 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000137.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000137.png 721.5377 +2011_09_29/2011_09_29_drive_0026_sync/image_02/data/0000000142.png 2011_09_29_drive_0026_sync/proj_depth/groundtruth/image_02/0000000142.png 718.3351 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000593.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000593.png 707.0912 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000135.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000135.png 721.5377 +2011_09_26/2011_09_26_drive_0001_sync/image_02/data/0000000072.png 2011_09_26_drive_0001_sync/proj_depth/groundtruth/image_02/0000000072.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000660.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000660.png 721.5377 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000182.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000182.png 718.3351 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003239.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003239.png 718.856 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000065.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000065.png 718.3351 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001726.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001726.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000894.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000894.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003893.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003893.png 707.0912 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000099.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000099.png 721.5377 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000205.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000205.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000230.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000230.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003150.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003150.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001469.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001469.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003271.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003271.png 707.0912 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000109.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000109.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000001068.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000001068.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000176.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000176.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000379.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000379.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000177.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000177.png 718.856 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000063.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000063.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000469.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000469.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004039.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004039.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004225.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004225.png 718.856 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000174.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000174.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001479.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001479.png 707.0912 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000145.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000145.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000460.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000460.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000665.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000665.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000299.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000299.png 707.0912 +2011_09_26/2011_09_26_drive_0035_sync/image_02/data/0000000027.png 2011_09_26_drive_0035_sync/proj_depth/groundtruth/image_02/0000000027.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000649.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000649.png 721.5377 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000077.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000077.png 721.5377 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000044.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000044.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000736.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000736.png 718.856 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000777.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000777.png 721.5377 +2011_09_26/2011_09_26_drive_0017_sync/image_02/data/0000000021.png 2011_09_26_drive_0017_sync/proj_depth/groundtruth/image_02/0000000021.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000136.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000136.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000526.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000526.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001526.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001526.png 718.856 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000192.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000192.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003196.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003196.png 718.856 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000147.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000147.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000582.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000582.png 718.856 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000551.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000551.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001095.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001095.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004091.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004091.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000781.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000781.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000373.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000373.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003883.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003883.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004880.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004880.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000129.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000129.png 718.856 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000217.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000217.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000312.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000312.png 718.856 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000213.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000213.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004433.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004433.png 707.0912 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000126.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000126.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000653.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000653.png 707.0912 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000154.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000154.png 718.3351 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001720.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001720.png 718.856 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000082.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000082.png 721.5377 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000341.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000341.png 721.5377 +2011_09_26/2011_09_26_drive_0079_sync/image_02/data/0000000055.png 2011_09_26_drive_0079_sync/proj_depth/groundtruth/image_02/0000000055.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002664.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002664.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001875.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001875.png 718.856 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000368.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000368.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000776.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000776.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003555.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003555.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000375.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000375.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000783.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000783.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000849.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000849.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003414.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003414.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003308.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003308.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004071.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004071.png 718.856 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000206.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000206.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002889.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002889.png 707.0912 +2011_09_29/2011_09_29_drive_0026_sync/image_02/data/0000000073.png 2011_09_29_drive_0026_sync/proj_depth/groundtruth/image_02/0000000073.png 718.3351 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003603.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003603.png 718.856 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000186.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000186.png 721.5377 +2011_09_26/2011_09_26_drive_0005_sync/image_02/data/0000000139.png 2011_09_26_drive_0005_sync/proj_depth/groundtruth/image_02/0000000139.png 721.5377 +2011_09_29/2011_09_29_drive_0026_sync/image_02/data/0000000140.png 2011_09_29_drive_0026_sync/proj_depth/groundtruth/image_02/0000000140.png 718.3351 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004657.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004657.png 718.856 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000006.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000006.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004682.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004682.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000367.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000367.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000046.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000046.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000902.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000902.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000217.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000217.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001709.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001709.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000980.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000980.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003790.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003790.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003327.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003327.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002945.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002945.png 718.856 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000157.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000157.png 721.5377 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000303.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000303.png 718.3351 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000322.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000322.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001368.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001368.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000465.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000465.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001827.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001827.png 718.856 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000007.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000007.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003629.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003629.png 718.856 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000630.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000630.png 721.5377 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000296.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000296.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003534.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003534.png 707.0912 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000102.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000102.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000488.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000488.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003841.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003841.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000635.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000635.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000940.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000940.png 707.0912 +2011_09_26/2011_09_26_drive_0079_sync/image_02/data/0000000031.png 2011_09_26_drive_0079_sync/proj_depth/groundtruth/image_02/0000000031.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000005067.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000005067.png 707.0912 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000267.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000267.png 721.5377 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000459.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000459.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002125.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002125.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000528.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000528.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000198.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000198.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001676.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001676.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000399.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000399.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000043.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000043.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000001140.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000001140.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000945.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000945.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002687.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002687.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004468.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004468.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001362.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001362.png 707.0912 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000006.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000006.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000855.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000855.png 707.0912 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000225.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000225.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001894.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001894.png 707.0912 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000174.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000174.png 721.5377 +2011_09_26/2011_09_26_drive_0005_sync/image_02/data/0000000099.png 2011_09_26_drive_0005_sync/proj_depth/groundtruth/image_02/0000000099.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000424.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000424.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000579.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000579.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000629.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000629.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000027.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000027.png 718.856 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000141.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000141.png 721.5377 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000217.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000217.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000001009.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000001009.png 718.856 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000077.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000077.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003007.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003007.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000280.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000280.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004183.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004183.png 718.856 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000010.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000010.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000076.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000076.png 718.856 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000589.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000589.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000726.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000726.png 718.856 +2011_09_26/2011_09_26_drive_0017_sync/image_02/data/0000000087.png 2011_09_26_drive_0017_sync/proj_depth/groundtruth/image_02/0000000087.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000854.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000854.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000701.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000701.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000026.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000026.png 718.856 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000274.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000274.png 721.5377 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000188.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000188.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000242.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000242.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000134.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000134.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000091.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000091.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001293.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001293.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001016.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001016.png 707.0912 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000106.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000106.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000052.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000052.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004391.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004391.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002162.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002162.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000186.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000186.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002721.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002721.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000005022.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000005022.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001305.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001305.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001109.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001109.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002026.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002026.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004086.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004086.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004698.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004698.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000813.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000813.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001545.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001545.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000140.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000140.png 707.0912 +2011_09_26/2011_09_26_drive_0035_sync/image_02/data/0000000052.png 2011_09_26_drive_0035_sync/proj_depth/groundtruth/image_02/0000000052.png 721.5377 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000327.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000327.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000117.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000117.png 707.0912 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000190.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000190.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002734.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002734.png 707.0912 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000204.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000204.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000631.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000631.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000677.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000677.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003257.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003257.png 718.856 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000625.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000625.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000402.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000402.png 707.0912 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000052.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000052.png 721.5377 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000253.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000253.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000215.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000215.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000799.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000799.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000738.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000738.png 707.0912 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000302.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000302.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004790.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004790.png 707.0912 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000159.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000159.png 721.5377 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000230.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000230.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000923.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000923.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002070.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002070.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001750.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001750.png 718.856 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000378.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000378.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004140.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004140.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001514.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001514.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000181.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000181.png 707.0912 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000032.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000032.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001186.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001186.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000998.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000998.png 718.856 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000027.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000027.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004502.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004502.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002757.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002757.png 718.856 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000024.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000024.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001431.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001431.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001235.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001235.png 718.856 +2011_09_26/2011_09_26_drive_0005_sync/image_02/data/0000000098.png 2011_09_26_drive_0005_sync/proj_depth/groundtruth/image_02/0000000098.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000655.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000655.png 707.0912 +2011_09_26/2011_09_26_drive_0035_sync/image_02/data/0000000039.png 2011_09_26_drive_0035_sync/proj_depth/groundtruth/image_02/0000000039.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000905.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000905.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002925.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002925.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002543.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002543.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000982.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000982.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002546.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002546.png 718.856 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000053.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000053.png 721.5377 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000173.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000173.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000906.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000906.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000033.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000033.png 718.856 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000027.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000027.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000001128.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000001128.png 718.856 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000266.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000266.png 721.5377 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000324.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000324.png 721.5377 +2011_09_26/2011_09_26_drive_0060_sync/image_02/data/0000000050.png 2011_09_26_drive_0060_sync/proj_depth/groundtruth/image_02/0000000050.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000580.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000580.png 707.0912 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000282.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000282.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002055.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002055.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001060.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001060.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000120.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000120.png 707.0912 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000152.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000152.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003400.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003400.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000311.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000311.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000542.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000542.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002953.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002953.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000584.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000584.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000001069.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000001069.png 718.856 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000323.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000323.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002719.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002719.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000899.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000899.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004929.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004929.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003875.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003875.png 707.0912 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000055.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000055.png 721.5377 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000134.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000134.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000661.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000661.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000589.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000589.png 707.0912 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000282.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000282.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000095.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000095.png 718.856 +2011_09_26/2011_09_26_drive_0035_sync/image_02/data/0000000044.png 2011_09_26_drive_0035_sync/proj_depth/groundtruth/image_02/0000000044.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004545.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004545.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000152.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000152.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001974.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001974.png 707.0912 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000064.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000064.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000245.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000245.png 707.0912 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000030.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000030.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002159.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002159.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002322.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002322.png 718.856 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000586.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000586.png 721.5377 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000137.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000137.png 721.5377 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000135.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000135.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001191.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001191.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000543.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000543.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000551.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000551.png 718.856 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000177.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000177.png 721.5377 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000159.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000159.png 718.3351 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002835.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002835.png 718.856 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000062.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000062.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004856.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004856.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000117.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000117.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000598.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000598.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004545.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004545.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001249.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001249.png 707.0912 +2011_09_26/2011_09_26_drive_0001_sync/image_02/data/0000000089.png 2011_09_26_drive_0001_sync/proj_depth/groundtruth/image_02/0000000089.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000193.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000193.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000661.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000661.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001577.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001577.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004920.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004920.png 707.0912 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000297.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000297.png 721.5377 +2011_09_26/2011_09_26_drive_0060_sync/image_02/data/0000000065.png 2011_09_26_drive_0060_sync/proj_depth/groundtruth/image_02/0000000065.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000060.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000060.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000188.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000188.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004712.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004712.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003152.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003152.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001663.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001663.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000712.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000712.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002622.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002622.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004946.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004946.png 707.0912 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000146.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000146.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004409.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004409.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002854.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002854.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000724.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000724.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003479.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003479.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004137.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004137.png 707.0912 +2011_09_26/2011_09_26_drive_0060_sync/image_02/data/0000000020.png 2011_09_26_drive_0060_sync/proj_depth/groundtruth/image_02/0000000020.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000477.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000477.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000476.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000476.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001204.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001204.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001107.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001107.png 718.856 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000439.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000439.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002123.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002123.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001922.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001922.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000144.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000144.png 707.0912 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000045.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000045.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004947.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004947.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000922.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000922.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000186.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000186.png 707.0912 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000272.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000272.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002178.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002178.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003356.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003356.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000366.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000366.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001071.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001071.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001620.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001620.png 707.0912 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000028.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000028.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000484.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000484.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001657.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001657.png 718.856 +2011_09_26/2011_09_26_drive_0113_sync/image_02/data/0000000055.png 2011_09_26_drive_0113_sync/proj_depth/groundtruth/image_02/0000000055.png 721.5377 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000288.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000288.png 718.3351 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004553.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004553.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000520.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000520.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004814.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004814.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003439.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003439.png 707.0912 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000283.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000283.png 721.5377 +2011_09_26/2011_09_26_drive_0035_sync/image_02/data/0000000122.png 2011_09_26_drive_0035_sync/proj_depth/groundtruth/image_02/0000000122.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004208.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004208.png 718.856 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000634.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000634.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000524.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000524.png 707.0912 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000077.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000077.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000001145.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000001145.png 718.856 +2011_09_26/2011_09_26_drive_0113_sync/image_02/data/0000000050.png 2011_09_26_drive_0113_sync/proj_depth/groundtruth/image_02/0000000050.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002095.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002095.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001233.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001233.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001452.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001452.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001014.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001014.png 707.0912 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000119.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000119.png 721.5377 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000209.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000209.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004261.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004261.png 718.856 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000276.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000276.png 721.5377 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000335.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000335.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000749.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000749.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000001056.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000001056.png 718.856 +2011_09_26/2011_09_26_drive_0017_sync/image_02/data/0000000098.png 2011_09_26_drive_0017_sync/proj_depth/groundtruth/image_02/0000000098.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001272.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001272.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001043.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001043.png 707.0912 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000022.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000022.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004324.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004324.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000265.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000265.png 707.0912 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000193.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000193.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000130.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000130.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000001058.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000001058.png 718.856 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000083.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000083.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000439.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000439.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000571.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000571.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003309.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003309.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001277.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001277.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000617.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000617.png 718.856 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000752.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000752.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000270.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000270.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000188.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000188.png 707.0912 +2011_09_29/2011_09_29_drive_0026_sync/image_02/data/0000000112.png 2011_09_29_drive_0026_sync/proj_depth/groundtruth/image_02/0000000112.png 718.3351 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001088.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001088.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003291.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003291.png 707.0912 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000178.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000178.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002682.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002682.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004329.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004329.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004146.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004146.png 718.856 +2011_09_26/2011_09_26_drive_0060_sync/image_02/data/0000000012.png 2011_09_26_drive_0060_sync/proj_depth/groundtruth/image_02/0000000012.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000132.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000132.png 721.5377 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000082.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000082.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000863.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000863.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000282.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000282.png 718.856 +2011_09_28/2011_09_28_drive_0001_sync/image_02/data/0000000045.png 2011_09_28_drive_0001_sync/proj_depth/groundtruth/image_02/0000000045.png 707.0493 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004375.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004375.png 718.856 +2011_09_28/2011_09_28_drive_0001_sync/image_02/data/0000000054.png 2011_09_28_drive_0001_sync/proj_depth/groundtruth/image_02/0000000054.png 707.0493 +2011_09_26/2011_09_26_drive_0005_sync/image_02/data/0000000063.png 2011_09_26_drive_0005_sync/proj_depth/groundtruth/image_02/0000000063.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004736.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004736.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003668.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003668.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000622.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000622.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002236.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002236.png 707.0912 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000281.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000281.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000675.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000675.png 718.856 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000207.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000207.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001421.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001421.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003634.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003634.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003951.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003951.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001349.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001349.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001268.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001268.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000005021.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000005021.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000766.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000766.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004065.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004065.png 707.0912 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000191.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000191.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001208.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001208.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000214.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000214.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003483.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003483.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001232.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001232.png 707.0912 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000102.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000102.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002181.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002181.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000460.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000460.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003086.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003086.png 707.0912 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000076.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000076.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000931.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000931.png 718.856 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000337.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000337.png 721.5377 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000109.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000109.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003076.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003076.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004207.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004207.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003232.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003232.png 707.0912 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000005.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000005.png 718.3351 +2011_09_28/2011_09_28_drive_0001_sync/image_02/data/0000000080.png 2011_09_28_drive_0001_sync/proj_depth/groundtruth/image_02/0000000080.png 707.0493 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000144.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000144.png 721.5377 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000064.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000064.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000001093.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000001093.png 707.0912 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000089.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000089.png 721.5377 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000237.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000237.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000674.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000674.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002502.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002502.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002762.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002762.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002646.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002646.png 707.0912 +2011_09_26/2011_09_26_drive_0005_sync/image_02/data/0000000070.png 2011_09_26_drive_0005_sync/proj_depth/groundtruth/image_02/0000000070.png 721.5377 +2011_09_26/2011_09_26_drive_0001_sync/image_02/data/0000000090.png 2011_09_26_drive_0001_sync/proj_depth/groundtruth/image_02/0000000090.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000682.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000682.png 718.856 +2011_09_26/2011_09_26_drive_0079_sync/image_02/data/0000000050.png 2011_09_26_drive_0079_sync/proj_depth/groundtruth/image_02/0000000050.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000184.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000184.png 721.5377 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000141.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000141.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000451.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000451.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003458.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003458.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000353.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000353.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000001119.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000001119.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003982.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003982.png 707.0912 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000233.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000233.png 721.5377 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000033.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000033.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000472.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000472.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000176.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000176.png 721.5377 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000368.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000368.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000902.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000902.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002160.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002160.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000615.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000615.png 707.0912 +2011_09_26/2011_09_26_drive_0035_sync/image_02/data/0000000097.png 2011_09_26_drive_0035_sync/proj_depth/groundtruth/image_02/0000000097.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004938.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004938.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000533.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000533.png 707.0912 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000272.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000272.png 721.5377 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000272.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000272.png 718.3351 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000168.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000168.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002182.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002182.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003869.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003869.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000170.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000170.png 707.0912 +2011_09_29/2011_09_29_drive_0026_sync/image_02/data/0000000146.png 2011_09_29_drive_0026_sync/proj_depth/groundtruth/image_02/0000000146.png 718.3351 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003019.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003019.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001173.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001173.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000916.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000916.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000733.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000733.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000447.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000447.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000670.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000670.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002544.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002544.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001472.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001472.png 718.856 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000172.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000172.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000005163.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000005163.png 707.0912 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000150.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000150.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000150.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000150.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000081.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000081.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002813.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002813.png 707.0912 +2011_09_26/2011_09_26_drive_0017_sync/image_02/data/0000000072.png 2011_09_26_drive_0017_sync/proj_depth/groundtruth/image_02/0000000072.png 721.5377 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000406.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000406.png 721.5377 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000008.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000008.png 718.3351 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001651.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001651.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000381.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000381.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000430.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000430.png 707.0912 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000103.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000103.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000715.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000715.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000104.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000104.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004166.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004166.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000467.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000467.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000688.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000688.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000005171.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000005171.png 707.0912 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000031.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000031.png 718.3351 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001669.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001669.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000890.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000890.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004092.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004092.png 707.0912 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000241.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000241.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000813.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000813.png 707.0912 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000021.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000021.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000433.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000433.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003348.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003348.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004647.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004647.png 718.856 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000435.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000435.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000153.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000153.png 707.0912 +2011_09_26/2011_09_26_drive_0017_sync/image_02/data/0000000012.png 2011_09_26_drive_0017_sync/proj_depth/groundtruth/image_02/0000000012.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002559.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002559.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001224.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001224.png 718.856 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000341.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000341.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002098.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002098.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000277.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000277.png 707.0912 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000254.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000254.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002672.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002672.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002695.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002695.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000676.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000676.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003087.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003087.png 707.0912 +2011_09_29/2011_09_29_drive_0026_sync/image_02/data/0000000145.png 2011_09_29_drive_0026_sync/proj_depth/groundtruth/image_02/0000000145.png 718.3351 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002709.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002709.png 707.0912 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000073.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000073.png 721.5377 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000454.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000454.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004308.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004308.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000311.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000311.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001029.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001029.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000475.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000475.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003669.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003669.png 718.856 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000647.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000647.png 721.5377 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000245.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000245.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001095.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001095.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001177.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001177.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001940.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001940.png 707.0912 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000122.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000122.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000005161.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000005161.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000898.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000898.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001829.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001829.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002812.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002812.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002327.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002327.png 718.856 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000191.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000191.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003290.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003290.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001280.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001280.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000379.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000379.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001649.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001649.png 718.856 +2011_09_26/2011_09_26_drive_0017_sync/image_02/data/0000000025.png 2011_09_26_drive_0017_sync/proj_depth/groundtruth/image_02/0000000025.png 721.5377 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000407.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000407.png 721.5377 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000177.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000177.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000265.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000265.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000005101.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000005101.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000159.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000159.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000368.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000368.png 718.856 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000454.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000454.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000597.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000597.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003484.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003484.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002233.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002233.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000754.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000754.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000523.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000523.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000389.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000389.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000387.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000387.png 707.0912 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000146.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000146.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001547.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001547.png 707.0912 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000112.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000112.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000706.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000706.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000354.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000354.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004372.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004372.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003439.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003439.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000958.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000958.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001218.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001218.png 718.856 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000102.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000102.png 721.5377 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000154.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000154.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000467.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000467.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000189.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000189.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000358.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000358.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000229.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000229.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000323.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000323.png 718.856 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000130.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000130.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002450.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002450.png 707.0912 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000156.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000156.png 721.5377 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000146.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000146.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000484.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000484.png 707.0912 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000035.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000035.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000195.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000195.png 707.0912 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000053.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000053.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000274.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000274.png 707.0912 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000018.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000018.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000014.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000014.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003745.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003745.png 718.856 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000689.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000689.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001402.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001402.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003438.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003438.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000321.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000321.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002170.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002170.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000685.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000685.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000134.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000134.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000781.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000781.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001322.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001322.png 718.856 +2011_09_29/2011_09_29_drive_0026_sync/image_02/data/0000000113.png 2011_09_29_drive_0026_sync/proj_depth/groundtruth/image_02/0000000113.png 718.3351 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000256.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000256.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003299.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003299.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000362.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000362.png 707.0912 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000045.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000045.png 718.3351 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000442.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000442.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004636.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004636.png 707.0912 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000387.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000387.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000747.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000747.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000788.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000788.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000062.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000062.png 721.5377 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000158.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000158.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000807.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000807.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004252.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004252.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000577.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000577.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000088.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000088.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000500.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000500.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000280.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000280.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000001110.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000001110.png 718.856 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000141.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000141.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001950.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001950.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000718.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000718.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000367.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000367.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000786.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000786.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003480.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003480.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001497.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001497.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000077.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000077.png 721.5377 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000187.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000187.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003108.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003108.png 718.856 +2011_09_28/2011_09_28_drive_0001_sync/image_02/data/0000000049.png 2011_09_28_drive_0001_sync/proj_depth/groundtruth/image_02/0000000049.png 707.0493 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000369.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000369.png 721.5377 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000379.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000379.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002302.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002302.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000833.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000833.png 718.856 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000280.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000280.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000113.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000113.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000506.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000506.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000945.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000945.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001555.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001555.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003716.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003716.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003513.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003513.png 707.0912 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000338.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000338.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001500.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001500.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000406.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000406.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001039.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001039.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002384.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002384.png 718.856 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000068.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000068.png 721.5377 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000016.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000016.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000225.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000225.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001018.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001018.png 707.0912 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000211.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000211.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004122.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004122.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001772.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001772.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001478.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001478.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004112.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004112.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004526.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004526.png 707.0912 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000142.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000142.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002234.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002234.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000502.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000502.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001270.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001270.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000267.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000267.png 721.5377 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000084.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000084.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001800.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001800.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000844.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000844.png 718.856 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000243.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000243.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000520.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000520.png 707.0912 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000021.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000021.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001344.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001344.png 707.0912 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000305.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000305.png 718.3351 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001632.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001632.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000123.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000123.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001946.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001946.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000211.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000211.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001163.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001163.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003621.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003621.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001356.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001356.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000223.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000223.png 718.856 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000095.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000095.png 721.5377 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000044.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000044.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000363.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000363.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000848.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000848.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000214.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000214.png 721.5377 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000213.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000213.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001607.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001607.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000642.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000642.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002312.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002312.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000008.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000008.png 707.0912 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000092.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000092.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002117.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002117.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003997.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003997.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004427.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004427.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004522.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004522.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001803.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001803.png 707.0912 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000210.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000210.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000180.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000180.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000038.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000038.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001163.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001163.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000505.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000505.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002480.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002480.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003612.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003612.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000214.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000214.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000575.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000575.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003403.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003403.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000685.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000685.png 707.0912 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000254.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000254.png 721.5377 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000199.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000199.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003436.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003436.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000068.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000068.png 707.0912 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000042.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000042.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000496.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000496.png 721.5377 +2011_09_26/2011_09_26_drive_0035_sync/image_02/data/0000000032.png 2011_09_26_drive_0035_sync/proj_depth/groundtruth/image_02/0000000032.png 721.5377 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000334.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000334.png 721.5377 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000014.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000014.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000733.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000733.png 707.0912 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000292.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000292.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003778.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003778.png 718.856 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000074.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000074.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001134.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001134.png 718.856 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000065.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000065.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000466.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000466.png 721.5377 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000054.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000054.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000888.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000888.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000130.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000130.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004178.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004178.png 707.0912 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000065.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000065.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003357.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003357.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000406.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000406.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001449.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001449.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004715.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004715.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002021.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002021.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002594.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002594.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000393.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000393.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000221.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000221.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000707.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000707.png 707.0912 +2011_09_29/2011_09_29_drive_0026_sync/image_02/data/0000000042.png 2011_09_29_drive_0026_sync/proj_depth/groundtruth/image_02/0000000042.png 718.3351 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000150.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000150.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002525.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002525.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001468.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001468.png 707.0912 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000297.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000297.png 721.5377 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000245.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000245.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003013.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003013.png 707.0912 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000201.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000201.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000531.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000531.png 718.856 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000663.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000663.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000399.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000399.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000135.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000135.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002212.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002212.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000958.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000958.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002667.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002667.png 707.0912 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000191.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000191.png 718.3351 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000456.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000456.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000005120.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000005120.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000458.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000458.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000286.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000286.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001738.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001738.png 707.0912 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000076.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000076.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000574.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000574.png 718.856 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000076.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000076.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003378.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003378.png 718.856 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000317.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000317.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000329.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000329.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000169.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000169.png 707.0912 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000212.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000212.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004773.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004773.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001094.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001094.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003554.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003554.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003074.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003074.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000917.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000917.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000563.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000563.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001129.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001129.png 707.0912 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000233.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000233.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000041.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000041.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001798.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001798.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002947.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002947.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001222.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001222.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003787.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003787.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001667.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001667.png 707.0912 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000086.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000086.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004431.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004431.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000221.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000221.png 707.0912 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000047.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000047.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002538.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002538.png 718.856 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000006.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000006.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000547.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000547.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001423.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001423.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002219.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002219.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001608.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001608.png 718.856 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000287.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000287.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000005165.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000005165.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000689.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000689.png 707.0912 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000031.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000031.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000987.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000987.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004236.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004236.png 718.856 +2011_09_26/2011_09_26_drive_0017_sync/image_02/data/0000000042.png 2011_09_26_drive_0017_sync/proj_depth/groundtruth/image_02/0000000042.png 721.5377 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000109.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000109.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002390.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002390.png 707.0912 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000146.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000146.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000274.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000274.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003711.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003711.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002117.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002117.png 707.0912 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000353.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000353.png 721.5377 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000283.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000283.png 721.5377 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000015.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000015.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000492.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000492.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003253.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003253.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000092.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000092.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000038.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000038.png 721.5377 +2011_09_26/2011_09_26_drive_0001_sync/image_02/data/0000000011.png 2011_09_26_drive_0001_sync/proj_depth/groundtruth/image_02/0000000011.png 721.5377 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000262.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000262.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001131.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001131.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004078.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004078.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002509.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002509.png 707.0912 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000085.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000085.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000882.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000882.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001200.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001200.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000473.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000473.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003444.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003444.png 707.0912 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000017.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000017.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004534.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004534.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000996.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000996.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002078.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002078.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000916.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000916.png 718.856 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000302.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000302.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001215.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001215.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004445.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004445.png 718.856 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000110.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000110.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001544.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001544.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003879.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003879.png 707.0912 +2011_09_26/2011_09_26_drive_0005_sync/image_02/data/0000000146.png 2011_09_26_drive_0005_sync/proj_depth/groundtruth/image_02/0000000146.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003838.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003838.png 718.856 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000716.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000716.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002267.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002267.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001340.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001340.png 707.0912 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000019.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000019.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000225.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000225.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000346.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000346.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000218.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000218.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000109.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000109.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000584.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000584.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000987.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000987.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001157.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001157.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001239.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001239.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003134.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003134.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000721.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000721.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000307.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000307.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004650.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004650.png 718.856 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000457.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000457.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003657.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003657.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000544.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000544.png 707.0912 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000282.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000282.png 721.5377 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000024.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000024.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001355.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001355.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002764.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002764.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001625.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001625.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000001082.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000001082.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001741.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001741.png 718.856 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000299.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000299.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001597.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001597.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004836.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004836.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000403.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000403.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001192.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001192.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000500.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000500.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001655.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001655.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000990.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000990.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003397.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003397.png 707.0912 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000215.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000215.png 721.5377 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000049.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000049.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000695.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000695.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000608.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000608.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000535.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000535.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000005079.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000005079.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000739.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000739.png 718.856 +2011_09_26/2011_09_26_drive_0035_sync/image_02/data/0000000075.png 2011_09_26_drive_0035_sync/proj_depth/groundtruth/image_02/0000000075.png 721.5377 +2011_09_26/2011_09_26_drive_0005_sync/image_02/data/0000000042.png 2011_09_26_drive_0005_sync/proj_depth/groundtruth/image_02/0000000042.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003817.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003817.png 707.0912 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000256.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000256.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001169.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001169.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001049.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001049.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000005113.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000005113.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000199.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000199.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000480.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000480.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000601.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000601.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000659.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000659.png 721.5377 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000180.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000180.png 718.3351 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001686.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001686.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001199.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001199.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000209.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000209.png 718.856 +2011_09_26/2011_09_26_drive_0001_sync/image_02/data/0000000043.png 2011_09_26_drive_0001_sync/proj_depth/groundtruth/image_02/0000000043.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003407.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003407.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000058.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000058.png 707.0912 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000131.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000131.png 721.5377 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000020.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000020.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001881.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001881.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000259.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000259.png 707.0912 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000216.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000216.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000931.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000931.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001765.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001765.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002892.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002892.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001003.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001003.png 707.0912 +2011_09_26/2011_09_26_drive_0005_sync/image_02/data/0000000097.png 2011_09_26_drive_0005_sync/proj_depth/groundtruth/image_02/0000000097.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002545.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002545.png 707.0912 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000253.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000253.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003241.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003241.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000683.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000683.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002262.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002262.png 707.0912 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000169.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000169.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000478.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000478.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003970.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003970.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000679.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000679.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000412.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000412.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003752.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003752.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000976.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000976.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000302.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000302.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003532.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003532.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003725.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003725.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003654.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003654.png 718.856 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000200.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000200.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003105.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003105.png 718.856 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000061.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000061.png 721.5377 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000289.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000289.png 721.5377 +2011_09_26/2011_09_26_drive_0060_sync/image_02/data/0000000064.png 2011_09_26_drive_0060_sync/proj_depth/groundtruth/image_02/0000000064.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002847.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002847.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000125.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000125.png 718.856 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000090.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000090.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000050.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000050.png 721.5377 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000032.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000032.png 721.5377 +2011_09_28/2011_09_28_drive_0001_sync/image_02/data/0000000075.png 2011_09_28_drive_0001_sync/proj_depth/groundtruth/image_02/0000000075.png 707.0493 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000363.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000363.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000001085.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000001085.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001206.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001206.png 707.0912 +2011_09_28/2011_09_28_drive_0001_sync/image_02/data/0000000087.png 2011_09_28_drive_0001_sync/proj_depth/groundtruth/image_02/0000000087.png 707.0493 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000134.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000134.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000127.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000127.png 718.856 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000145.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000145.png 721.5377 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000349.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000349.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001442.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001442.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000409.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000409.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000571.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000571.png 707.0912 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000255.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000255.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002536.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002536.png 707.0912 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000383.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000383.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003569.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003569.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000492.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000492.png 718.856 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000263.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000263.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002440.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002440.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003332.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003332.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002758.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002758.png 707.0912 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000196.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000196.png 721.5377 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000141.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000141.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003907.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003907.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002781.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002781.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001412.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001412.png 707.0912 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000031.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000031.png 721.5377 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000234.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000234.png 718.3351 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000005151.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000005151.png 707.0912 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000272.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000272.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004070.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004070.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000279.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000279.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000896.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000896.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000683.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000683.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000452.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000452.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000095.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000095.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000523.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000523.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003354.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003354.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000784.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000784.png 707.0912 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000166.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000166.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004696.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004696.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000316.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000316.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000276.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000276.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000084.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000084.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000662.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000662.png 721.5377 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000138.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000138.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000475.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000475.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004087.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004087.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000951.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000951.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000539.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000539.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000201.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000201.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001000.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001000.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000779.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000779.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003709.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003709.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003082.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003082.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000019.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000019.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003921.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003921.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004629.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004629.png 707.0912 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000087.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000087.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002776.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002776.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000288.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000288.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003203.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003203.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001324.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001324.png 718.856 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000195.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000195.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001241.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001241.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000343.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000343.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003565.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003565.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004864.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004864.png 707.0912 +2011_09_26/2011_09_26_drive_0005_sync/image_02/data/0000000103.png 2011_09_26_drive_0005_sync/proj_depth/groundtruth/image_02/0000000103.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000064.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000064.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000791.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000791.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004276.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004276.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000844.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000844.png 718.856 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000672.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000672.png 721.5377 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000252.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000252.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003674.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003674.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002243.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002243.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001024.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001024.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001755.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001755.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002592.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002592.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003928.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003928.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003185.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003185.png 718.856 +2011_09_28/2011_09_28_drive_0001_sync/image_02/data/0000000038.png 2011_09_28_drive_0001_sync/proj_depth/groundtruth/image_02/0000000038.png 707.0493 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002912.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002912.png 718.856 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000384.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000384.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000162.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000162.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004036.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004036.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000154.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000154.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001182.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001182.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000995.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000995.png 718.856 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000041.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000041.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000573.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000573.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002427.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002427.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000579.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000579.png 707.0912 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000191.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000191.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001320.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001320.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000206.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000206.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003534.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003534.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004099.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004099.png 718.856 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000605.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000605.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000863.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000863.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003348.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003348.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002956.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002956.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002009.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002009.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001351.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001351.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002119.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002119.png 707.0912 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000062.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000062.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001452.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001452.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002081.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002081.png 707.0912 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000126.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000126.png 721.5377 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000313.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000313.png 721.5377 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000258.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000258.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004933.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004933.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004196.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004196.png 707.0912 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000203.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000203.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004910.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004910.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000575.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000575.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002763.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002763.png 718.856 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000254.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000254.png 721.5377 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000413.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000413.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004553.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004553.png 718.856 +2011_09_26/2011_09_26_drive_0079_sync/image_02/data/0000000071.png 2011_09_26_drive_0079_sync/proj_depth/groundtruth/image_02/0000000071.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001212.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001212.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003550.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003550.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000388.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000388.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000126.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000126.png 707.0912 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000041.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000041.png 721.5377 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000087.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000087.png 721.5377 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000056.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000056.png 721.5377 +2011_09_26/2011_09_26_drive_0079_sync/image_02/data/0000000024.png 2011_09_26_drive_0079_sync/proj_depth/groundtruth/image_02/0000000024.png 721.5377 +2011_09_26/2011_09_26_drive_0005_sync/image_02/data/0000000006.png 2011_09_26_drive_0005_sync/proj_depth/groundtruth/image_02/0000000006.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001993.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001993.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003701.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003701.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002370.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002370.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000735.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000735.png 718.856 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000256.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000256.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000897.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000897.png 707.0912 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000374.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000374.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000307.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000307.png 721.5377 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000049.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000049.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004936.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004936.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003231.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003231.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002876.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002876.png 718.856 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000038.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000038.png 721.5377 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000069.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000069.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002131.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002131.png 707.0912 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000038.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000038.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000749.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000749.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001154.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001154.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001147.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001147.png 707.0912 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000144.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000144.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000773.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000773.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002519.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002519.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000364.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000364.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000113.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000113.png 721.5377 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000203.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000203.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000567.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000567.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000882.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000882.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000497.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000497.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000417.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000417.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000767.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000767.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000250.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000250.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000417.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000417.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000999.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000999.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003648.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003648.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000111.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000111.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000343.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000343.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000908.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000908.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003915.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003915.png 718.856 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000118.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000118.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002652.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002652.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001508.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001508.png 707.0912 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000013.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000013.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000327.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000327.png 707.0912 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000266.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000266.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000468.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000468.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000052.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000052.png 721.5377 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000016.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000016.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004059.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004059.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004414.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004414.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000192.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000192.png 721.5377 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000249.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000249.png 718.3351 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001553.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001553.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000072.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000072.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002129.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002129.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001296.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001296.png 707.0912 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000036.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000036.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000033.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000033.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001714.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001714.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003492.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003492.png 718.856 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000466.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000466.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001526.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001526.png 707.0912 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000035.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000035.png 721.5377 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000117.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000117.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000514.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000514.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002293.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002293.png 718.856 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000348.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000348.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000397.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000397.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000845.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000845.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002204.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002204.png 707.0912 +2011_09_26/2011_09_26_drive_0079_sync/image_02/data/0000000092.png 2011_09_26_drive_0079_sync/proj_depth/groundtruth/image_02/0000000092.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000102.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000102.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000001041.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000001041.png 718.856 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000453.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000453.png 721.5377 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000114.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000114.png 721.5377 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000096.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000096.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000016.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000016.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000926.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000926.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003781.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003781.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000124.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000124.png 707.0912 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000125.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000125.png 721.5377 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000092.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000092.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003755.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003755.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000223.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000223.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004017.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004017.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000314.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000314.png 718.856 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000138.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000138.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000682.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000682.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000775.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000775.png 718.856 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000128.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000128.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004048.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004048.png 718.856 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000271.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000271.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003131.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003131.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000001092.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000001092.png 707.0912 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000385.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000385.png 721.5377 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000414.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000414.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000804.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000804.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000368.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000368.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002938.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002938.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000560.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000560.png 718.856 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000258.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000258.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000652.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000652.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000619.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000619.png 721.5377 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000204.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000204.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003609.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003609.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004479.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004479.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000503.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000503.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001284.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001284.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002009.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002009.png 718.856 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000193.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000193.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004426.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004426.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004120.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004120.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000927.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000927.png 707.0912 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000208.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000208.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001169.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001169.png 718.856 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000252.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000252.png 721.5377 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000107.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000107.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000243.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000243.png 707.0912 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000176.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000176.png 718.3351 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001406.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001406.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000248.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000248.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000386.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000386.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000763.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000763.png 718.856 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000089.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000089.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000033.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000033.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000201.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000201.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001867.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001867.png 707.0912 +2011_09_26/2011_09_26_drive_0001_sync/image_02/data/0000000015.png 2011_09_26_drive_0001_sync/proj_depth/groundtruth/image_02/0000000015.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001884.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001884.png 718.856 +2011_09_29/2011_09_29_drive_0026_sync/image_02/data/0000000051.png 2011_09_29_drive_0026_sync/proj_depth/groundtruth/image_02/0000000051.png 718.3351 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000267.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000267.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000490.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000490.png 721.5377 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000415.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000415.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001298.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001298.png 718.856 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000042.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000042.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000005139.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000005139.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003426.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003426.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001902.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001902.png 718.856 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000587.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000587.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000289.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000289.png 707.0912 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000179.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000179.png 718.3351 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000258.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000258.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001459.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001459.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001103.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001103.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000708.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000708.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001903.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001903.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000695.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000695.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000131.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000131.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001155.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001155.png 707.0912 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000032.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000032.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000279.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000279.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004529.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004529.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002267.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002267.png 718.856 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000556.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000556.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004718.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004718.png 707.0912 +2011_09_26/2011_09_26_drive_0035_sync/image_02/data/0000000057.png 2011_09_26_drive_0035_sync/proj_depth/groundtruth/image_02/0000000057.png 721.5377 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000037.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000037.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000017.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000017.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000046.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000046.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001934.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001934.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003380.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003380.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000431.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000431.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000001036.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000001036.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004635.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004635.png 718.856 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000371.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000371.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004573.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004573.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000802.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000802.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004350.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004350.png 718.856 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000301.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000301.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003212.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003212.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000171.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000171.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004593.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004593.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000156.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000156.png 707.0912 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000162.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000162.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000377.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000377.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001564.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001564.png 707.0912 +2011_09_29/2011_09_29_drive_0026_sync/image_02/data/0000000066.png 2011_09_29_drive_0026_sync/proj_depth/groundtruth/image_02/0000000066.png 718.3351 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002420.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002420.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001494.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001494.png 707.0912 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000082.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000082.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000435.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000435.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000696.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000696.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000261.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000261.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000151.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000151.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001217.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001217.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000780.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000780.png 718.856 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000088.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000088.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000826.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000826.png 707.0912 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000234.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000234.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004013.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004013.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002542.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002542.png 707.0912 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000069.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000069.png 721.5377 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000005.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000005.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000298.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000298.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000201.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000201.png 707.0912 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000225.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000225.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000360.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000360.png 721.5377 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000241.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000241.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000208.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000208.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001813.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001813.png 707.0912 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000063.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000063.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000429.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000429.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001630.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001630.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000639.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000639.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001336.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001336.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002678.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002678.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001366.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001366.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000947.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000947.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001132.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001132.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000163.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000163.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001288.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001288.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004003.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004003.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001004.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001004.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000745.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000745.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000393.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000393.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000876.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000876.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000546.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000546.png 718.856 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000094.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000094.png 721.5377 +2011_09_26/2011_09_26_drive_0001_sync/image_02/data/0000000020.png 2011_09_26_drive_0001_sync/proj_depth/groundtruth/image_02/0000000020.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003159.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003159.png 718.856 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000685.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000685.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001618.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001618.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000737.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000737.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000453.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000453.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000499.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000499.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001098.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001098.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001578.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001578.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004103.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004103.png 707.0912 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000068.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000068.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001580.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001580.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000524.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000524.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000342.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000342.png 707.0912 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000138.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000138.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000186.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000186.png 721.5377 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000130.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000130.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002252.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002252.png 707.0912 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000464.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000464.png 721.5377 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000113.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000113.png 721.5377 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000381.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000381.png 721.5377 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000078.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000078.png 721.5377 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000390.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000390.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003233.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003233.png 718.856 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000126.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000126.png 721.5377 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000062.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000062.png 721.5377 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000063.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000063.png 721.5377 +2011_09_26/2011_09_26_drive_0005_sync/image_02/data/0000000081.png 2011_09_26_drive_0005_sync/proj_depth/groundtruth/image_02/0000000081.png 721.5377 +2011_09_29/2011_09_29_drive_0026_sync/image_02/data/0000000098.png 2011_09_29_drive_0026_sync/proj_depth/groundtruth/image_02/0000000098.png 718.3351 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000005138.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000005138.png 707.0912 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000308.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000308.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000074.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000074.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000843.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000843.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000430.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000430.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000807.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000807.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003666.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003666.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000263.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000263.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000300.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000300.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004653.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004653.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000682.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000682.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001144.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001144.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000174.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000174.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002949.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002949.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003715.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003715.png 707.0912 +2011_09_28/2011_09_28_drive_0001_sync/image_02/data/0000000015.png 2011_09_28_drive_0001_sync/proj_depth/groundtruth/image_02/0000000015.png 707.0493 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000290.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000290.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000055.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000055.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000366.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000366.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001473.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001473.png 718.856 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000234.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000234.png 721.5377 +2011_09_26/2011_09_26_drive_0005_sync/image_02/data/0000000012.png 2011_09_26_drive_0005_sync/proj_depth/groundtruth/image_02/0000000012.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004079.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004079.png 718.856 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000107.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000107.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001104.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001104.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001330.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001330.png 707.0912 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000136.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000136.png 718.3351 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001251.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001251.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000414.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000414.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002617.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002617.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000844.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000844.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003948.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003948.png 707.0912 +2011_09_28/2011_09_28_drive_0001_sync/image_02/data/0000000077.png 2011_09_28_drive_0001_sync/proj_depth/groundtruth/image_02/0000000077.png 707.0493 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000358.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000358.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001187.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001187.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000499.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000499.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002853.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002853.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000401.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000401.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000030.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000030.png 707.0912 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000089.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000089.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000992.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000992.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000095.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000095.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000046.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000046.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000061.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000061.png 707.0912 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000049.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000049.png 721.5377 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000064.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000064.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001110.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001110.png 707.0912 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000146.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000146.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004932.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004932.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001022.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001022.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000690.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000690.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001043.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001043.png 718.856 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000261.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000261.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002902.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002902.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000094.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000094.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004629.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004629.png 718.856 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000105.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000105.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002772.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002772.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001664.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001664.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003977.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003977.png 718.856 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000141.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000141.png 721.5377 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000242.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000242.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001806.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001806.png 718.856 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000174.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000174.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002023.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002023.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000451.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000451.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000258.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000258.png 718.856 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000063.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000063.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000001089.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000001089.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004183.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004183.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000662.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000662.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001261.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001261.png 707.0912 +2011_09_26/2011_09_26_drive_0079_sync/image_02/data/0000000087.png 2011_09_26_drive_0079_sync/proj_depth/groundtruth/image_02/0000000087.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000371.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000371.png 707.0912 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000389.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000389.png 721.5377 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000238.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000238.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000128.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000128.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002886.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002886.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002233.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002233.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000275.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000275.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000751.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000751.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001269.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001269.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003319.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003319.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001529.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001529.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000129.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000129.png 718.856 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000269.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000269.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000313.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000313.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002639.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002639.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000402.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000402.png 718.856 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000053.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000053.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000001025.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000001025.png 707.0912 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000347.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000347.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000117.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000117.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002039.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002039.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000529.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000529.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004513.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004513.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002195.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002195.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002430.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002430.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000567.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000567.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000001023.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000001023.png 707.0912 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000043.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000043.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000210.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000210.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000359.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000359.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001031.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001031.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000703.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000703.png 707.0912 +2011_09_26/2011_09_26_drive_0060_sync/image_02/data/0000000005.png 2011_09_26_drive_0060_sync/proj_depth/groundtruth/image_02/0000000005.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002183.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002183.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002155.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002155.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002505.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002505.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000475.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000475.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003696.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003696.png 707.0912 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000152.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000152.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000708.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000708.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001144.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001144.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002416.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002416.png 707.0912 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000018.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000018.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000011.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000011.png 718.856 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000194.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000194.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000040.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000040.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003305.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003305.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000942.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000942.png 718.856 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000262.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000262.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001213.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001213.png 707.0912 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000209.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000209.png 721.5377 +2011_09_29/2011_09_29_drive_0026_sync/image_02/data/0000000027.png 2011_09_29_drive_0026_sync/proj_depth/groundtruth/image_02/0000000027.png 718.3351 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003809.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003809.png 707.0912 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000013.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000013.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000487.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000487.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000444.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000444.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000547.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000547.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000596.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000596.png 718.856 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000289.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000289.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000428.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000428.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000246.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000246.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003971.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003971.png 707.0912 +2011_09_26/2011_09_26_drive_0017_sync/image_02/data/0000000099.png 2011_09_26_drive_0017_sync/proj_depth/groundtruth/image_02/0000000099.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000324.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000324.png 721.5377 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000214.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000214.png 721.5377 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000149.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000149.png 721.5377 +2011_09_26/2011_09_26_drive_0079_sync/image_02/data/0000000085.png 2011_09_26_drive_0079_sync/proj_depth/groundtruth/image_02/0000000085.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004378.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004378.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000841.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000841.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000863.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000863.png 707.0912 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000252.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000252.png 721.5377 +2011_09_26/2011_09_26_drive_0001_sync/image_02/data/0000000025.png 2011_09_26_drive_0001_sync/proj_depth/groundtruth/image_02/0000000025.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000989.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000989.png 718.856 +2011_09_26/2011_09_26_drive_0060_sync/image_02/data/0000000033.png 2011_09_26_drive_0060_sync/proj_depth/groundtruth/image_02/0000000033.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000413.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000413.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000758.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000758.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001440.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001440.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001428.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001428.png 718.856 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000153.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000153.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000006.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000006.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001316.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001316.png 718.856 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000188.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000188.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000125.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000125.png 721.5377 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000207.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000207.png 718.3351 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000331.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000331.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001201.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001201.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000662.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000662.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000533.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000533.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000815.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000815.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000972.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000972.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004425.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004425.png 707.0912 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000154.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000154.png 721.5377 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000133.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000133.png 721.5377 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000142.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000142.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002013.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002013.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000948.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000948.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001076.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001076.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000240.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000240.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000786.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000786.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004645.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004645.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000618.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000618.png 707.0912 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000010.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000010.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004299.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004299.png 718.856 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000072.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000072.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000223.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000223.png 707.0912 +2011_09_29/2011_09_29_drive_0026_sync/image_02/data/0000000075.png 2011_09_29_drive_0026_sync/proj_depth/groundtruth/image_02/0000000075.png 718.3351 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000776.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000776.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000288.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000288.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001525.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001525.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003462.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003462.png 718.856 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000320.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000320.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002936.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002936.png 718.856 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000143.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000143.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000757.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000757.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000533.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000533.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001181.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001181.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000637.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000637.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000669.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000669.png 721.5377 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000356.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000356.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000652.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000652.png 721.5377 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000041.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000041.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000087.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000087.png 707.0912 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000328.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000328.png 718.3351 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000330.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000330.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001565.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001565.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000638.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000638.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000981.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000981.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004851.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004851.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000578.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000578.png 721.5377 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000134.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000134.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000422.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000422.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004601.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004601.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003620.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003620.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002211.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002211.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000922.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000922.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000880.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000880.png 707.0912 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000168.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000168.png 721.5377 +2011_09_26/2011_09_26_drive_0001_sync/image_02/data/0000000013.png 2011_09_26_drive_0001_sync/proj_depth/groundtruth/image_02/0000000013.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000013.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000013.png 707.0912 +2011_09_26/2011_09_26_drive_0079_sync/image_02/data/0000000039.png 2011_09_26_drive_0079_sync/proj_depth/groundtruth/image_02/0000000039.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000363.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000363.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001314.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001314.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003999.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003999.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001622.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001622.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003366.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003366.png 718.856 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000281.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000281.png 721.5377 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000012.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000012.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000727.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000727.png 721.5377 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000169.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000169.png 721.5377 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000233.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000233.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000644.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000644.png 707.0912 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000102.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000102.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001010.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001010.png 718.856 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000171.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000171.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001570.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001570.png 707.0912 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000109.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000109.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004971.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004971.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001989.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001989.png 718.856 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000195.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000195.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002066.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002066.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000298.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000298.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001797.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001797.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004267.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004267.png 718.856 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000316.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000316.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000110.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000110.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004597.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004597.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001760.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001760.png 718.856 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000270.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000270.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001284.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001284.png 707.0912 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000208.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000208.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003361.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003361.png 707.0912 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000175.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000175.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000454.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000454.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000406.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000406.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000814.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000814.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000630.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000630.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001172.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001172.png 707.0912 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000200.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000200.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000451.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000451.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004286.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004286.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000069.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000069.png 707.0912 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000202.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000202.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000001067.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000001067.png 718.856 +2011_09_26/2011_09_26_drive_0001_sync/image_02/data/0000000084.png 2011_09_26_drive_0001_sync/proj_depth/groundtruth/image_02/0000000084.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001115.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001115.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000147.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000147.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000524.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000524.png 718.856 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000590.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000590.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003037.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003037.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003160.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003160.png 718.856 +2011_09_26/2011_09_26_drive_0005_sync/image_02/data/0000000046.png 2011_09_26_drive_0005_sync/proj_depth/groundtruth/image_02/0000000046.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000705.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000705.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002110.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002110.png 718.856 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000044.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000044.png 721.5377 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000221.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000221.png 721.5377 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000060.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000060.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001300.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001300.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001098.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001098.png 718.856 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000233.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000233.png 721.5377 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000331.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000331.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000238.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000238.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002052.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002052.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002169.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002169.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000096.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000096.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002589.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002589.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001145.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001145.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004171.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004171.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000265.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000265.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004760.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004760.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000829.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000829.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000791.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000791.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000415.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000415.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003922.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003922.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001311.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001311.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000371.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000371.png 721.5377 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000331.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000331.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004533.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004533.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001909.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001909.png 707.0912 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000023.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000023.png 721.5377 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000065.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000065.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001562.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001562.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000120.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000120.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003139.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003139.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000092.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000092.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004925.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004925.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002344.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002344.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000639.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000639.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000253.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000253.png 718.856 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000235.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000235.png 721.5377 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000364.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000364.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000362.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000362.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001610.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001610.png 718.856 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000202.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000202.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002227.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002227.png 707.0912 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000023.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000023.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000001045.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000001045.png 707.0912 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000260.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000260.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000254.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000254.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002984.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002984.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000559.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000559.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000572.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000572.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000519.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000519.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000826.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000826.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002666.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002666.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000476.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000476.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000192.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000192.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004252.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004252.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001018.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001018.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002898.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002898.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000050.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000050.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004912.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004912.png 707.0912 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000027.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000027.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003738.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003738.png 707.0912 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000160.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000160.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002371.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002371.png 718.856 +2011_09_29/2011_09_29_drive_0026_sync/image_02/data/0000000019.png 2011_09_29_drive_0026_sync/proj_depth/groundtruth/image_02/0000000019.png 718.3351 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001283.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001283.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000167.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000167.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000948.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000948.png 718.856 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000035.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000035.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002116.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002116.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004751.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004751.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004229.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004229.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000741.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000741.png 718.856 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000326.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000326.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000351.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000351.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004793.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004793.png 707.0912 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000070.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000070.png 718.3351 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000072.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000072.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004344.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004344.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002100.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002100.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001038.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001038.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000119.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000119.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000161.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000161.png 718.856 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000217.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000217.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003616.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003616.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003035.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003035.png 707.0912 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000016.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000016.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004602.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004602.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000063.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000063.png 718.856 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000193.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000193.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000695.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000695.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002369.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002369.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002216.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002216.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002285.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002285.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004254.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004254.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000275.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000275.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004078.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004078.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003679.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003679.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002486.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002486.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000566.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000566.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000194.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000194.png 707.0912 +2011_09_26/2011_09_26_drive_0005_sync/image_02/data/0000000031.png 2011_09_26_drive_0005_sync/proj_depth/groundtruth/image_02/0000000031.png 721.5377 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000017.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000017.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000881.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000881.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003365.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003365.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001271.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001271.png 718.856 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000184.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000184.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002336.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002336.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000856.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000856.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004022.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004022.png 707.0912 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000291.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000291.png 721.5377 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000036.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000036.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000156.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000156.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000722.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000722.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004302.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004302.png 718.856 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000255.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000255.png 721.5377 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000241.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000241.png 721.5377 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000065.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000065.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000786.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000786.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004509.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004509.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000885.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000885.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000887.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000887.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003851.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003851.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002306.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002306.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003803.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003803.png 718.856 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000068.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000068.png 721.5377 +2011_09_26/2011_09_26_drive_0113_sync/image_02/data/0000000041.png 2011_09_26_drive_0113_sync/proj_depth/groundtruth/image_02/0000000041.png 721.5377 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000139.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000139.png 718.3351 +2011_09_26/2011_09_26_drive_0017_sync/image_02/data/0000000056.png 2011_09_26_drive_0017_sync/proj_depth/groundtruth/image_02/0000000056.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003290.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003290.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004822.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004822.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004609.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004609.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004675.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004675.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000238.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000238.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000063.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000063.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004246.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004246.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004037.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004037.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002690.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002690.png 707.0912 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000248.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000248.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001379.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001379.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002156.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002156.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001184.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001184.png 718.856 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000119.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000119.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000341.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000341.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000975.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000975.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000068.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000068.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001173.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001173.png 718.856 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000032.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000032.png 718.3351 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000183.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000183.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004577.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004577.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000005012.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000005012.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001895.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001895.png 718.856 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000377.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000377.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001237.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001237.png 718.856 +2011_09_29/2011_09_29_drive_0026_sync/image_02/data/0000000050.png 2011_09_29_drive_0026_sync/proj_depth/groundtruth/image_02/0000000050.png 718.3351 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000074.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000074.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000813.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000813.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000312.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000312.png 721.5377 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000046.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000046.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004469.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004469.png 707.0912 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000287.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000287.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000129.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000129.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000164.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000164.png 707.0912 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000051.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000051.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000830.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000830.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000181.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000181.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000726.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000726.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000529.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000529.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001149.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001149.png 718.856 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000292.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000292.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001255.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001255.png 707.0912 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000101.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000101.png 721.5377 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000318.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000318.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000087.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000087.png 721.5377 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000184.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000184.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003551.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003551.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004382.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004382.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001597.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001597.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000459.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000459.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002792.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002792.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001037.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001037.png 707.0912 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000352.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000352.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001997.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001997.png 718.856 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000548.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000548.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000160.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000160.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004394.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004394.png 707.0912 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000256.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000256.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002345.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002345.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000001003.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000001003.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003409.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003409.png 718.856 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000046.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000046.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000533.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000533.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002457.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002457.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000598.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000598.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004059.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004059.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002869.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002869.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000388.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000388.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003374.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003374.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001383.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001383.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002091.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002091.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001104.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001104.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001463.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001463.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001607.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001607.png 718.856 +2011_09_29/2011_09_29_drive_0026_sync/image_02/data/0000000119.png 2011_09_29_drive_0026_sync/proj_depth/groundtruth/image_02/0000000119.png 718.3351 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000596.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000596.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000036.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000036.png 718.856 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000761.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000761.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001368.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001368.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001209.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001209.png 707.0912 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000137.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000137.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003658.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003658.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000639.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000639.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000037.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000037.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004847.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004847.png 707.0912 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000029.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000029.png 718.3351 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000664.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000664.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000655.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000655.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004074.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004074.png 707.0912 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000231.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000231.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003533.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003533.png 718.856 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000017.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000017.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000817.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000817.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001990.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001990.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000537.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000537.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003161.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003161.png 707.0912 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000277.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000277.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000236.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000236.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002914.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002914.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003986.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003986.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001218.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001218.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000021.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000021.png 707.0912 +2011_09_26/2011_09_26_drive_0001_sync/image_02/data/0000000010.png 2011_09_26_drive_0001_sync/proj_depth/groundtruth/image_02/0000000010.png 721.5377 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000050.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000050.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000765.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000765.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000866.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000866.png 718.856 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000412.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000412.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000419.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000419.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002655.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002655.png 707.0912 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000322.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000322.png 721.5377 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000253.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000253.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000830.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000830.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000315.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000315.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003466.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003466.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000530.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000530.png 707.0912 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000097.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000097.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003864.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003864.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000118.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000118.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002861.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002861.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000927.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000927.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004428.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004428.png 718.856 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000463.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000463.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000745.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000745.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000173.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000173.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000422.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000422.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004901.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004901.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003836.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003836.png 718.856 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000066.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000066.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000492.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000492.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004472.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004472.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003444.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003444.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000074.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000074.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000561.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000561.png 721.5377 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000238.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000238.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000451.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000451.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000423.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000423.png 707.0912 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000235.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000235.png 721.5377 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000109.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000109.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000347.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000347.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002484.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002484.png 718.856 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000187.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000187.png 721.5377 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000339.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000339.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002414.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002414.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004312.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004312.png 718.856 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000447.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000447.png 721.5377 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000316.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000316.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000642.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000642.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000260.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000260.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001316.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001316.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000634.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000634.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000780.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000780.png 718.856 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000394.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000394.png 721.5377 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000142.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000142.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002195.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002195.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002404.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002404.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000984.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000984.png 707.0912 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000026.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000026.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002251.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002251.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001162.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001162.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000044.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000044.png 721.5377 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000066.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000066.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003437.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003437.png 718.856 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000075.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000075.png 721.5377 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000236.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000236.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000428.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000428.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000703.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000703.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000278.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000278.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001067.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001067.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000322.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000322.png 721.5377 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000063.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000063.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000714.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000714.png 718.856 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000236.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000236.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001330.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001330.png 707.0912 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000162.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000162.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003511.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003511.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000076.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000076.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000270.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000270.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000533.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000533.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001416.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001416.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000227.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000227.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003624.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003624.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000643.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000643.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002779.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002779.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000557.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000557.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000903.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000903.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001034.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001034.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000637.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000637.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000895.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000895.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002967.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002967.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003885.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003885.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003569.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003569.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002564.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002564.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001945.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001945.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000578.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000578.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000236.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000236.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000409.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000409.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002394.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002394.png 718.856 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000069.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000069.png 721.5377 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000276.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000276.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003437.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003437.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004857.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004857.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000403.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000403.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000623.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000623.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000944.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000944.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000719.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000719.png 718.856 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000360.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000360.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000954.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000954.png 707.0912 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000102.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000102.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000239.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000239.png 718.856 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000211.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000211.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003653.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003653.png 718.856 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000026.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000026.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000507.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000507.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003247.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003247.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000326.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000326.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000657.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000657.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000005100.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000005100.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002968.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002968.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002469.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002469.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000917.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000917.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002818.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002818.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003949.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003949.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004045.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004045.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000098.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000098.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003269.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003269.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000339.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000339.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004781.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004781.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003116.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003116.png 718.856 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000335.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000335.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001850.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001850.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004644.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004644.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001429.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001429.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002679.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002679.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000146.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000146.png 718.856 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000428.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000428.png 721.5377 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000311.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000311.png 721.5377 +2011_09_29/2011_09_29_drive_0026_sync/image_02/data/0000000121.png 2011_09_29_drive_0026_sync/proj_depth/groundtruth/image_02/0000000121.png 718.3351 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000328.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000328.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000614.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000614.png 707.0912 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000308.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000308.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000570.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000570.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000545.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000545.png 718.856 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000226.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000226.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001079.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001079.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002922.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002922.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003535.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003535.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000318.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000318.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000422.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000422.png 718.856 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000216.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000216.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002296.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002296.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002119.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002119.png 718.856 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000217.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000217.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000465.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000465.png 707.0912 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000217.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000217.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002436.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002436.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003615.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003615.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000376.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000376.png 721.5377 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000106.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000106.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004454.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004454.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002374.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002374.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003211.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003211.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000001144.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000001144.png 718.856 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000316.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000316.png 721.5377 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000178.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000178.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001107.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001107.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003244.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003244.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004608.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004608.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004356.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004356.png 718.856 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000666.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000666.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003242.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003242.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003028.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003028.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000851.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000851.png 718.856 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000171.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000171.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000323.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000323.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001120.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001120.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000615.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000615.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004303.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004303.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004075.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004075.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004522.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004522.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000001025.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000001025.png 718.856 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000087.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000087.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000492.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000492.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000169.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000169.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002914.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002914.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002084.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002084.png 707.0912 +2011_09_26/2011_09_26_drive_0005_sync/image_02/data/0000000080.png 2011_09_26_drive_0005_sync/proj_depth/groundtruth/image_02/0000000080.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002423.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002423.png 718.856 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000305.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000305.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004165.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004165.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004618.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004618.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001256.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001256.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004435.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004435.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001117.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001117.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000936.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000936.png 718.856 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000288.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000288.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000406.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000406.png 718.856 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000083.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000083.png 721.5377 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000347.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000347.png 721.5377 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000151.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000151.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000620.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000620.png 718.856 +2011_09_26/2011_09_26_drive_0035_sync/image_02/data/0000000033.png 2011_09_26_drive_0035_sync/proj_depth/groundtruth/image_02/0000000033.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000392.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000392.png 707.0912 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000226.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000226.png 721.5377 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000052.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000052.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000784.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000784.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000918.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000918.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002675.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002675.png 707.0912 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000042.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000042.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000729.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000729.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000891.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000891.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000009.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000009.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000850.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000850.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002542.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002542.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000943.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000943.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000658.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000658.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003771.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003771.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000915.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000915.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003993.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003993.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000665.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000665.png 707.0912 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000225.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000225.png 721.5377 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000030.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000030.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000484.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000484.png 707.0912 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000430.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000430.png 721.5377 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000039.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000039.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004511.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004511.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000536.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000536.png 707.0912 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000178.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000178.png 718.3351 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000840.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000840.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000840.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000840.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001738.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001738.png 718.856 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000112.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000112.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003044.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003044.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002056.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002056.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000001081.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000001081.png 707.0912 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000106.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000106.png 718.3351 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000807.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000807.png 718.856 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000098.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000098.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001689.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001689.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000149.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000149.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000900.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000900.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001729.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001729.png 707.0912 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000094.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000094.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000005075.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000005075.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001537.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001537.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000424.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000424.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001486.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001486.png 707.0912 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000130.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000130.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000001007.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000001007.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002985.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002985.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002815.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002815.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004513.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004513.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000383.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000383.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003655.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003655.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000804.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000804.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001152.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001152.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001197.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001197.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000304.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000304.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004548.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004548.png 718.856 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000350.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000350.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000607.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000607.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000946.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000946.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001228.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001228.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002442.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002442.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000438.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000438.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000119.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000119.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000036.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000036.png 707.0912 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000117.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000117.png 721.5377 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000054.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000054.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000672.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000672.png 707.0912 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000416.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000416.png 721.5377 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000018.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000018.png 721.5377 +2011_09_26/2011_09_26_drive_0113_sync/image_02/data/0000000007.png 2011_09_26_drive_0113_sync/proj_depth/groundtruth/image_02/0000000007.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003493.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003493.png 707.0912 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000154.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000154.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000569.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000569.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000264.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000264.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001665.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001665.png 707.0912 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000382.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000382.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002462.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002462.png 718.856 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000193.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000193.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000326.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000326.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004310.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004310.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000351.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000351.png 707.0912 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000290.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000290.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001805.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001805.png 718.856 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000133.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000133.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001679.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001679.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001802.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001802.png 707.0912 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000050.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000050.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000692.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000692.png 721.5377 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000082.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000082.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000264.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000264.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002864.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002864.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001385.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001385.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000675.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000675.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004162.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004162.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000698.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000698.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000154.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000154.png 707.0912 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000198.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000198.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000291.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000291.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000270.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000270.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000203.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000203.png 718.856 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000207.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000207.png 721.5377 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000101.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000101.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000193.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000193.png 718.856 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000103.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000103.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000800.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000800.png 718.856 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000218.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000218.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001440.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001440.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001554.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001554.png 707.0912 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000354.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000354.png 721.5377 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000262.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000262.png 721.5377 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000391.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000391.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000812.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000812.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000808.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000808.png 707.0912 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000253.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000253.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000464.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000464.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000633.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000633.png 707.0912 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000020.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000020.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000069.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000069.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001454.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001454.png 718.856 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000230.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000230.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004993.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004993.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000541.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000541.png 718.856 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000218.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000218.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000010.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000010.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004026.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004026.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001119.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001119.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001229.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001229.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001270.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001270.png 707.0912 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000050.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000050.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002171.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002171.png 707.0912 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000122.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000122.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000464.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000464.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001423.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001423.png 718.856 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000261.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000261.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000609.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000609.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000372.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000372.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003043.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003043.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001182.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001182.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001324.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001324.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000121.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000121.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002323.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002323.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003419.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003419.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004812.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004812.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003409.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003409.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003507.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003507.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002895.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002895.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000224.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000224.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003636.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003636.png 707.0912 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000012.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000012.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000056.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000056.png 721.5377 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000121.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000121.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003203.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003203.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000368.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000368.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002341.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002341.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000652.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000652.png 718.856 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000097.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000097.png 721.5377 +2011_09_26/2011_09_26_drive_0017_sync/image_02/data/0000000080.png 2011_09_26_drive_0017_sync/proj_depth/groundtruth/image_02/0000000080.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000395.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000395.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001055.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001055.png 718.856 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000415.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000415.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001148.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001148.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000497.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000497.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002326.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002326.png 718.856 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000196.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000196.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002051.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002051.png 707.0912 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000109.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000109.png 721.5377 +2011_09_26/2011_09_26_drive_0079_sync/image_02/data/0000000015.png 2011_09_26_drive_0079_sync/proj_depth/groundtruth/image_02/0000000015.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000037.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000037.png 721.5377 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000319.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000319.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003182.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003182.png 707.0912 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000146.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000146.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002850.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002850.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000001047.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000001047.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001606.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001606.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000216.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000216.png 721.5377 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000026.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000026.png 721.5377 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000239.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000239.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002813.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002813.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000268.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000268.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003916.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003916.png 707.0912 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000148.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000148.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002399.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002399.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002773.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002773.png 707.0912 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000264.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000264.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003268.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003268.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004433.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004433.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001524.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001524.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000285.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000285.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003138.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003138.png 707.0912 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000219.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000219.png 721.5377 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000202.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000202.png 718.3351 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001706.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001706.png 707.0912 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000091.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000091.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002857.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002857.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003276.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003276.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000595.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000595.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003947.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003947.png 718.856 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000139.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000139.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003639.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003639.png 707.0912 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000224.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000224.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004282.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004282.png 718.856 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000137.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000137.png 718.3351 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000334.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000334.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002192.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002192.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000081.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000081.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002316.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002316.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000107.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000107.png 707.0912 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000124.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000124.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000339.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000339.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000870.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000870.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004377.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004377.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000753.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000753.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003756.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003756.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000997.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000997.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000674.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000674.png 718.856 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000264.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000264.png 721.5377 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000283.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000283.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000965.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000965.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004618.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004618.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002110.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002110.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000124.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000124.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000360.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000360.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000315.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000315.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000425.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000425.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003859.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003859.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004988.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004988.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002867.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002867.png 718.856 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000128.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000128.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004187.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004187.png 707.0912 +2011_09_26/2011_09_26_drive_0113_sync/image_02/data/0000000042.png 2011_09_26_drive_0113_sync/proj_depth/groundtruth/image_02/0000000042.png 721.5377 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000373.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000373.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000473.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000473.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004606.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004606.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003516.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003516.png 707.0912 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000222.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000222.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000380.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000380.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000187.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000187.png 721.5377 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000347.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000347.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004801.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004801.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001223.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001223.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002101.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002101.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002242.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002242.png 718.856 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000056.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000056.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000467.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000467.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000359.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000359.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004118.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004118.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000167.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000167.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000317.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000317.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000832.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000832.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000001072.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000001072.png 718.856 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000024.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000024.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000776.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000776.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000155.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000155.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000295.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000295.png 707.0912 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000218.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000218.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000699.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000699.png 721.5377 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000037.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000037.png 721.5377 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000157.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000157.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002490.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002490.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002140.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002140.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004417.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004417.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004269.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004269.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002612.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002612.png 718.856 +2011_09_26/2011_09_26_drive_0005_sync/image_02/data/0000000039.png 2011_09_26_drive_0005_sync/proj_depth/groundtruth/image_02/0000000039.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000001070.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000001070.png 707.0912 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000185.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000185.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003418.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003418.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000577.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000577.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000818.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000818.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000995.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000995.png 718.856 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000243.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000243.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002600.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002600.png 707.0912 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000129.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000129.png 721.5377 +2011_09_26/2011_09_26_drive_0005_sync/image_02/data/0000000115.png 2011_09_26_drive_0005_sync/proj_depth/groundtruth/image_02/0000000115.png 721.5377 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000039.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000039.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000343.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000343.png 707.0912 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000397.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000397.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000015.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000015.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000070.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000070.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001926.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001926.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000054.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000054.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000638.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000638.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000699.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000699.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002072.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002072.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003743.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003743.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004295.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004295.png 718.856 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000299.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000299.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000923.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000923.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002701.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002701.png 707.0912 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000086.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000086.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000146.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000146.png 718.856 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000096.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000096.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002678.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002678.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004941.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004941.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003590.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003590.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002063.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002063.png 707.0912 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000341.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000341.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001067.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001067.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000374.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000374.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000767.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000767.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002870.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002870.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000468.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000468.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000827.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000827.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002207.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002207.png 718.856 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000223.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000223.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002397.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002397.png 718.856 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000478.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000478.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003723.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003723.png 718.856 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000456.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000456.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000275.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000275.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001733.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001733.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000005167.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000005167.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000907.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000907.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000669.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000669.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000950.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000950.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000959.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000959.png 718.856 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000111.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000111.png 721.5377 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000115.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000115.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000230.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000230.png 718.856 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000258.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000258.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001995.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001995.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000254.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000254.png 707.0912 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000412.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000412.png 721.5377 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000126.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000126.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002634.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002634.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002920.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002920.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000764.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000764.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000768.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000768.png 707.0912 +2011_09_29/2011_09_29_drive_0026_sync/image_02/data/0000000034.png 2011_09_29_drive_0026_sync/proj_depth/groundtruth/image_02/0000000034.png 718.3351 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000124.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000124.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000009.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000009.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002970.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002970.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000791.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000791.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003080.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003080.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000511.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000511.png 707.0912 +2011_09_26/2011_09_26_drive_0017_sync/image_02/data/0000000077.png 2011_09_26_drive_0017_sync/proj_depth/groundtruth/image_02/0000000077.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000971.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000971.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000741.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000741.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003272.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003272.png 718.856 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000724.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000724.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000511.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000511.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000413.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000413.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001531.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001531.png 718.856 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000111.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000111.png 721.5377 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000166.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000166.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001680.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001680.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001420.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001420.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002145.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002145.png 718.856 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000222.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000222.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000248.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000248.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000038.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000038.png 718.856 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000222.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000222.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000549.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000549.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000461.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000461.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000350.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000350.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000592.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000592.png 718.856 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000179.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000179.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000052.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000052.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000636.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000636.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001687.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001687.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001941.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001941.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002381.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002381.png 707.0912 +2011_09_26/2011_09_26_drive_0060_sync/image_02/data/0000000071.png 2011_09_26_drive_0060_sync/proj_depth/groundtruth/image_02/0000000071.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000817.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000817.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000793.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000793.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000799.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000799.png 718.856 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000049.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000049.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000570.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000570.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003959.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003959.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001759.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001759.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001114.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001114.png 718.856 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000081.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000081.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000810.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000810.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004453.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004453.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004169.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004169.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000126.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000126.png 718.856 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000222.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000222.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000382.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000382.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002612.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002612.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000893.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000893.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000809.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000809.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000079.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000079.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000960.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000960.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002515.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002515.png 718.856 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000160.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000160.png 721.5377 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000220.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000220.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001410.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001410.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000757.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000757.png 707.0912 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000106.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000106.png 721.5377 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000397.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000397.png 721.5377 +2011_09_26/2011_09_26_drive_0005_sync/image_02/data/0000000090.png 2011_09_26_drive_0005_sync/proj_depth/groundtruth/image_02/0000000090.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000532.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000532.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000352.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000352.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000897.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000897.png 718.856 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000511.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000511.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000127.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000127.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003588.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003588.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000695.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000695.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000531.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000531.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000597.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000597.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000976.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000976.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002351.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002351.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000864.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000864.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001357.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001357.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001023.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001023.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002692.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002692.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004393.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004393.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000013.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000013.png 718.856 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000259.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000259.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001299.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001299.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004217.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004217.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001643.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001643.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000350.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000350.png 718.856 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000171.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000171.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001108.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001108.png 718.856 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000178.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000178.png 721.5377 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000300.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000300.png 721.5377 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000306.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000306.png 721.5377 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000009.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000009.png 721.5377 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000161.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000161.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000764.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000764.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004396.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004396.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000358.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000358.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000026.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000026.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000229.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000229.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000989.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000989.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001487.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001487.png 707.0912 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000141.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000141.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000149.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000149.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003300.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003300.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004293.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004293.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000235.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000235.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004661.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004661.png 707.0912 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000097.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000097.png 718.3351 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000134.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000134.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004447.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004447.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000418.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000418.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003651.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003651.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003294.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003294.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003754.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003754.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003629.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003629.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000244.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000244.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000429.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000429.png 721.5377 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000105.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000105.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000121.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000121.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004104.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004104.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000648.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000648.png 707.0912 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000150.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000150.png 721.5377 +2011_09_26/2011_09_26_drive_0017_sync/image_02/data/0000000097.png 2011_09_26_drive_0017_sync/proj_depth/groundtruth/image_02/0000000097.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000439.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000439.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000722.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000722.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000613.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000613.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000130.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000130.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003040.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003040.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000696.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000696.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000431.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000431.png 718.856 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000315.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000315.png 721.5377 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000251.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000251.png 721.5377 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000278.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000278.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000297.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000297.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000001013.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000001013.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001470.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001470.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004604.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004604.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000543.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000543.png 707.0912 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000256.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000256.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001914.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001914.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000253.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000253.png 721.5377 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000357.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000357.png 721.5377 +2011_09_28/2011_09_28_drive_0001_sync/image_02/data/0000000081.png 2011_09_28_drive_0001_sync/proj_depth/groundtruth/image_02/0000000081.png 707.0493 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000094.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000094.png 721.5377 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000296.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000296.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000291.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000291.png 718.856 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000017.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000017.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000806.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000806.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000896.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000896.png 707.0912 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000393.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000393.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000557.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000557.png 718.856 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000279.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000279.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002777.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002777.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000992.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000992.png 707.0912 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000067.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000067.png 718.3351 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002382.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002382.png 718.856 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000341.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000341.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002746.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002746.png 718.856 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000703.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000703.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002820.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002820.png 718.856 +2011_09_26/2011_09_26_drive_0001_sync/image_02/data/0000000064.png 2011_09_26_drive_0001_sync/proj_depth/groundtruth/image_02/0000000064.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003555.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003555.png 707.0912 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000373.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000373.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000325.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000325.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000455.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000455.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004244.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004244.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000001072.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000001072.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001361.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001361.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002393.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002393.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000007.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000007.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001787.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001787.png 718.856 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000157.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000157.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000399.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000399.png 707.0912 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000073.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000073.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001939.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001939.png 707.0912 +2011_09_26/2011_09_26_drive_0005_sync/image_02/data/0000000050.png 2011_09_26_drive_0005_sync/proj_depth/groundtruth/image_02/0000000050.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000806.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000806.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000030.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000030.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004354.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004354.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001703.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001703.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000169.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000169.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000425.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000425.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000645.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000645.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000969.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000969.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000325.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000325.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004547.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004547.png 718.856 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000018.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000018.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000658.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000658.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000561.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000561.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001636.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001636.png 707.0912 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000061.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000061.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004435.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004435.png 707.0912 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000236.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000236.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000215.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000215.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004142.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004142.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003323.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003323.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000015.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000015.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003166.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003166.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000862.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000862.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004324.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004324.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004343.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004343.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000669.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000669.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001139.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001139.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004579.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004579.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004931.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004931.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000545.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000545.png 721.5377 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000378.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000378.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000575.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000575.png 707.0912 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000266.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000266.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000007.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000007.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000546.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000546.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000443.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000443.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001553.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001553.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003652.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003652.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003071.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003071.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004357.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004357.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003113.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003113.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004190.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004190.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002830.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002830.png 718.856 +2011_09_29/2011_09_29_drive_0026_sync/image_02/data/0000000064.png 2011_09_29_drive_0026_sync/proj_depth/groundtruth/image_02/0000000064.png 718.3351 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003477.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003477.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001430.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001430.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001404.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001404.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002681.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002681.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000845.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000845.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000588.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000588.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000747.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000747.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000761.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000761.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000664.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000664.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004426.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004426.png 718.856 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000071.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000071.png 721.5377 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000036.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000036.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000059.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000059.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000941.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000941.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001740.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001740.png 718.856 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000012.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000012.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000209.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000209.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000241.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000241.png 718.856 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000171.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000171.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004114.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004114.png 718.856 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000099.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000099.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000576.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000576.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002280.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002280.png 718.856 +2011_09_26/2011_09_26_drive_0017_sync/image_02/data/0000000009.png 2011_09_26_drive_0017_sync/proj_depth/groundtruth/image_02/0000000009.png 721.5377 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000269.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000269.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003495.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003495.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000894.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000894.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000404.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000404.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000213.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000213.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002659.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002659.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002688.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002688.png 707.0912 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000209.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000209.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000208.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000208.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001506.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001506.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002503.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002503.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003760.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003760.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004418.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004418.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003270.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003270.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000108.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000108.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002205.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002205.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000129.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000129.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002333.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002333.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004969.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004969.png 707.0912 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000183.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000183.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000512.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000512.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002255.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002255.png 707.0912 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000109.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000109.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000264.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000264.png 721.5377 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000013.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000013.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000541.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000541.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004268.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004268.png 718.856 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000197.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000197.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000873.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000873.png 707.0912 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000246.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000246.png 721.5377 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000024.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000024.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000606.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000606.png 707.0912 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000098.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000098.png 721.5377 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000071.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000071.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001114.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001114.png 707.0912 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000176.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000176.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000227.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000227.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004224.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004224.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000087.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000087.png 707.0912 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000345.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000345.png 721.5377 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000283.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000283.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000797.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000797.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000482.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000482.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001350.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001350.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000106.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000106.png 707.0912 +2011_09_26/2011_09_26_drive_0079_sync/image_02/data/0000000062.png 2011_09_26_drive_0079_sync/proj_depth/groundtruth/image_02/0000000062.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002653.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002653.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004474.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004474.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000994.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000994.png 718.856 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000198.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000198.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000310.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000310.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004038.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004038.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000377.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000377.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001643.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001643.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000313.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000313.png 718.856 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000277.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000277.png 721.5377 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000017.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000017.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001080.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001080.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002258.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002258.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000727.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000727.png 718.856 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000353.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000353.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000007.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000007.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000842.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000842.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003276.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003276.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000687.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000687.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000488.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000488.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000890.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000890.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002566.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002566.png 707.0912 +2011_09_26/2011_09_26_drive_0017_sync/image_02/data/0000000107.png 2011_09_26_drive_0017_sync/proj_depth/groundtruth/image_02/0000000107.png 721.5377 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000352.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000352.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001559.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001559.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002036.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002036.png 707.0912 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000121.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000121.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000011.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000011.png 707.0912 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000458.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000458.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000508.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000508.png 707.0912 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000269.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000269.png 721.5377 +2011_09_26/2011_09_26_drive_0017_sync/image_02/data/0000000055.png 2011_09_26_drive_0017_sync/proj_depth/groundtruth/image_02/0000000055.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000295.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000295.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000856.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000856.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000309.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000309.png 718.856 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000308.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000308.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002699.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002699.png 707.0912 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000130.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000130.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001475.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001475.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000007.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000007.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000241.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000241.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000045.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000045.png 718.856 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000147.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000147.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000878.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000878.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000478.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000478.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003540.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003540.png 718.856 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000247.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000247.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000190.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000190.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000220.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000220.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001701.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001701.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000190.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000190.png 707.0912 +2011_09_26/2011_09_26_drive_0035_sync/image_02/data/0000000101.png 2011_09_26_drive_0035_sync/proj_depth/groundtruth/image_02/0000000101.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002576.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002576.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000220.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000220.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004126.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004126.png 707.0912 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000393.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000393.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001753.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001753.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004030.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004030.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000680.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000680.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002621.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002621.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000447.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000447.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002049.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002049.png 707.0912 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000254.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000254.png 721.5377 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000095.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000095.png 721.5377 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000196.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000196.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002527.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002527.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000065.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000065.png 721.5377 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000070.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000070.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000025.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000025.png 721.5377 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000093.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000093.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000225.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000225.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003582.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003582.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000691.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000691.png 721.5377 +2011_09_26/2011_09_26_drive_0035_sync/image_02/data/0000000082.png 2011_09_26_drive_0035_sync/proj_depth/groundtruth/image_02/0000000082.png 721.5377 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000051.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000051.png 721.5377 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000189.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000189.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001052.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001052.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000900.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000900.png 707.0912 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000277.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000277.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000446.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000446.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004314.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004314.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004495.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004495.png 718.856 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000304.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000304.png 721.5377 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000190.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000190.png 721.5377 +2011_09_29/2011_09_29_drive_0026_sync/image_02/data/0000000106.png 2011_09_29_drive_0026_sync/proj_depth/groundtruth/image_02/0000000106.png 718.3351 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000744.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000744.png 707.0912 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000250.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000250.png 721.5377 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000013.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000013.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000247.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000247.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000977.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000977.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001044.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001044.png 707.0912 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000293.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000293.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000478.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000478.png 721.5377 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000060.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000060.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001212.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001212.png 707.0912 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000197.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000197.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000180.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000180.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003667.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003667.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003307.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003307.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000957.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000957.png 707.0912 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000142.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000142.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004316.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004316.png 707.0912 +2011_09_29/2011_09_29_drive_0026_sync/image_02/data/0000000063.png 2011_09_29_drive_0026_sync/proj_depth/groundtruth/image_02/0000000063.png 718.3351 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000060.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000060.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000750.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000750.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000906.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000906.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000476.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000476.png 718.856 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000472.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000472.png 721.5377 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000224.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000224.png 721.5377 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000294.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000294.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000668.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000668.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001924.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001924.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001561.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001561.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003643.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003643.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000731.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000731.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003754.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003754.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000343.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000343.png 707.0912 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000257.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000257.png 718.3351 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000365.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000365.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000532.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000532.png 707.0912 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000269.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000269.png 721.5377 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000127.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000127.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000571.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000571.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000589.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000589.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002124.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002124.png 718.856 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000067.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000067.png 721.5377 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000162.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000162.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004732.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004732.png 707.0912 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000091.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000091.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004642.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004642.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000460.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000460.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003937.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003937.png 707.0912 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000164.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000164.png 718.3351 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000239.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000239.png 718.856 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000314.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000314.png 718.3351 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003313.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003313.png 718.856 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000104.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000104.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000100.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000100.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000207.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000207.png 718.856 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000719.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000719.png 721.5377 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000064.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000064.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000060.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000060.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003214.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003214.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000662.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000662.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000667.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000667.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000459.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000459.png 707.0912 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000271.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000271.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000321.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000321.png 721.5377 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000180.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000180.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000820.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000820.png 718.856 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000275.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000275.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000455.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000455.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000500.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000500.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001518.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001518.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000076.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000076.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002974.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002974.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003726.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003726.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000821.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000821.png 718.856 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000758.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000758.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000118.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000118.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004137.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004137.png 718.856 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000408.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000408.png 721.5377 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000158.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000158.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000194.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000194.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004264.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004264.png 707.0912 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000160.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000160.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000240.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000240.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001119.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001119.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000299.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000299.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000410.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000410.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000445.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000445.png 718.856 +2011_09_26/2011_09_26_drive_0005_sync/image_02/data/0000000058.png 2011_09_26_drive_0005_sync/proj_depth/groundtruth/image_02/0000000058.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003602.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003602.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000418.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000418.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001864.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001864.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000844.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000844.png 707.0912 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000108.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000108.png 721.5377 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000419.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000419.png 721.5377 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000078.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000078.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000297.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000297.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003704.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003704.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002520.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002520.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003889.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003889.png 718.856 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000044.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000044.png 721.5377 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000146.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000146.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000223.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000223.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001843.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001843.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000729.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000729.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004399.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004399.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001903.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001903.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000570.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000570.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001823.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001823.png 707.0912 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000021.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000021.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002633.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002633.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001046.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001046.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001635.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001635.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000300.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000300.png 707.0912 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000115.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000115.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000511.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000511.png 718.856 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000614.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000614.png 721.5377 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000101.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000101.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003758.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003758.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003801.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003801.png 718.856 +2011_09_26/2011_09_26_drive_0035_sync/image_02/data/0000000125.png 2011_09_26_drive_0035_sync/proj_depth/groundtruth/image_02/0000000125.png 721.5377 +2011_09_26/2011_09_26_drive_0079_sync/image_02/data/0000000090.png 2011_09_26_drive_0079_sync/proj_depth/groundtruth/image_02/0000000090.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003646.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003646.png 718.856 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000048.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000048.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000082.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000082.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001496.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001496.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000642.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000642.png 718.856 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000049.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000049.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004081.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004081.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000431.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000431.png 707.0912 +2011_09_26/2011_09_26_drive_0017_sync/image_02/data/0000000028.png 2011_09_26_drive_0017_sync/proj_depth/groundtruth/image_02/0000000028.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000454.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000454.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000278.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000278.png 721.5377 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000206.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000206.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000005088.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000005088.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000109.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000109.png 718.856 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000640.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000640.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002736.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002736.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000938.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000938.png 718.856 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000050.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000050.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000955.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000955.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002171.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002171.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000963.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000963.png 707.0912 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000315.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000315.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003923.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003923.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000490.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000490.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000287.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000287.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000591.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000591.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000520.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000520.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002395.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002395.png 718.856 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000078.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000078.png 718.3351 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001474.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001474.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000532.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000532.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004741.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004741.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000999.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000999.png 707.0912 +2011_09_29/2011_09_29_drive_0026_sync/image_02/data/0000000071.png 2011_09_29_drive_0026_sync/proj_depth/groundtruth/image_02/0000000071.png 718.3351 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000133.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000133.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004345.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004345.png 707.0912 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000402.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000402.png 721.5377 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000058.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000058.png 721.5377 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000376.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000376.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000112.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000112.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002107.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002107.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002295.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002295.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000001051.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000001051.png 718.856 +2011_09_26/2011_09_26_drive_0001_sync/image_02/data/0000000035.png 2011_09_26_drive_0001_sync/proj_depth/groundtruth/image_02/0000000035.png 721.5377 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000170.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000170.png 721.5377 +2011_09_26/2011_09_26_drive_0001_sync/image_02/data/0000000057.png 2011_09_26_drive_0001_sync/proj_depth/groundtruth/image_02/0000000057.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003614.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003614.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000528.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000528.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000135.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000135.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003132.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003132.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001062.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001062.png 707.0912 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000228.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000228.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002984.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002984.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001013.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001013.png 718.856 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000447.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000447.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004699.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004699.png 707.0912 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000189.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000189.png 721.5377 +2011_09_26/2011_09_26_drive_0113_sync/image_02/data/0000000078.png 2011_09_26_drive_0113_sync/proj_depth/groundtruth/image_02/0000000078.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000177.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000177.png 718.856 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000331.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000331.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000001097.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000001097.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001545.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001545.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000162.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000162.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003736.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003736.png 707.0912 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000327.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000327.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004632.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004632.png 718.856 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000194.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000194.png 721.5377 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000092.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000092.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000524.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000524.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002658.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002658.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000471.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000471.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001010.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001010.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004462.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004462.png 718.856 +2011_09_28/2011_09_28_drive_0001_sync/image_02/data/0000000085.png 2011_09_28_drive_0001_sync/proj_depth/groundtruth/image_02/0000000085.png 707.0493 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002559.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002559.png 718.856 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000043.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000043.png 721.5377 +2011_09_26/2011_09_26_drive_0035_sync/image_02/data/0000000036.png 2011_09_26_drive_0035_sync/proj_depth/groundtruth/image_02/0000000036.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004532.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004532.png 707.0912 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000111.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000111.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004509.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004509.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001415.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001415.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003979.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003979.png 707.0912 +2011_09_29/2011_09_29_drive_0026_sync/image_02/data/0000000065.png 2011_09_29_drive_0026_sync/proj_depth/groundtruth/image_02/0000000065.png 718.3351 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000319.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000319.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000026.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000026.png 721.5377 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000268.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000268.png 718.3351 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000206.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000206.png 721.5377 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000414.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000414.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000411.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000411.png 707.0912 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000300.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000300.png 718.3351 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003509.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003509.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002188.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002188.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000248.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000248.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000001042.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000001042.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000023.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000023.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001575.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001575.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002790.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002790.png 707.0912 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000103.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000103.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000029.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000029.png 721.5377 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000114.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000114.png 721.5377 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000075.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000075.png 718.3351 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002504.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002504.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003011.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003011.png 718.856 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000070.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000070.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000712.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000712.png 707.0912 +2011_09_26/2011_09_26_drive_0060_sync/image_02/data/0000000061.png 2011_09_26_drive_0060_sync/proj_depth/groundtruth/image_02/0000000061.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000607.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000607.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000217.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000217.png 721.5377 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000027.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000027.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002322.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002322.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000001078.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000001078.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002687.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002687.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002321.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002321.png 718.856 +2011_09_26/2011_09_26_drive_0079_sync/image_02/data/0000000078.png 2011_09_26_drive_0079_sync/proj_depth/groundtruth/image_02/0000000078.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004089.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004089.png 718.856 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000515.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000515.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001782.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001782.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000298.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000298.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000794.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000794.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000716.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000716.png 721.5377 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000030.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000030.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000569.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000569.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001207.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001207.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004719.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004719.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000472.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000472.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000815.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000815.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001441.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001441.png 707.0912 +2011_09_29/2011_09_29_drive_0026_sync/image_02/data/0000000021.png 2011_09_29_drive_0026_sync/proj_depth/groundtruth/image_02/0000000021.png 718.3351 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001578.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001578.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002410.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002410.png 707.0912 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000238.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000238.png 721.5377 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000293.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000293.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004307.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004307.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003627.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003627.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000237.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000237.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000919.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000919.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001546.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001546.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000668.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000668.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003457.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003457.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004367.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004367.png 718.856 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000162.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000162.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000587.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000587.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001188.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001188.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000290.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000290.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003696.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003696.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002446.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002446.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001138.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001138.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000440.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000440.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000574.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000574.png 721.5377 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000070.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000070.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002285.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002285.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003486.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003486.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003288.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003288.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004670.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004670.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001370.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001370.png 707.0912 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000099.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000099.png 721.5377 +2011_09_29/2011_09_29_drive_0026_sync/image_02/data/0000000020.png 2011_09_29_drive_0026_sync/proj_depth/groundtruth/image_02/0000000020.png 718.3351 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002099.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002099.png 707.0912 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000278.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000278.png 721.5377 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000185.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000185.png 721.5377 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000108.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000108.png 718.3351 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000612.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000612.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002177.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002177.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004063.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004063.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001008.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001008.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003036.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003036.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000005052.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000005052.png 707.0912 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000136.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000136.png 721.5377 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000377.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000377.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001444.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001444.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003816.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003816.png 718.856 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000011.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000011.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000688.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000688.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000507.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000507.png 718.856 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000169.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000169.png 721.5377 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000217.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000217.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000886.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000886.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002571.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002571.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002922.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002922.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003851.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003851.png 718.856 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000396.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000396.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000419.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000419.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004082.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004082.png 707.0912 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000171.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000171.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004245.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004245.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001366.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001366.png 718.856 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000048.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000048.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002848.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002848.png 718.856 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000416.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000416.png 721.5377 +2011_09_29/2011_09_29_drive_0026_sync/image_02/data/0000000114.png 2011_09_29_drive_0026_sync/proj_depth/groundtruth/image_02/0000000114.png 718.3351 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000095.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000095.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000833.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000833.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004664.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004664.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001232.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001232.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000687.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000687.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000560.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000560.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000016.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000016.png 721.5377 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000199.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000199.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003941.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003941.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003415.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003415.png 718.856 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000319.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000319.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000841.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000841.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000089.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000089.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001025.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001025.png 707.0912 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000256.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000256.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004607.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004607.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004768.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004768.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000612.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000612.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004245.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004245.png 718.856 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000007.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000007.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000382.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000382.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000504.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000504.png 707.0912 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000048.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000048.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000139.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000139.png 718.856 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000181.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000181.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001219.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001219.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004004.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004004.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000001019.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000001019.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000090.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000090.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001227.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001227.png 718.856 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000181.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000181.png 721.5377 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000205.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000205.png 721.5377 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000066.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000066.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001432.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001432.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000331.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000331.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000381.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000381.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001417.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001417.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002375.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002375.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004464.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004464.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003027.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003027.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001025.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001025.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003744.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003744.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000912.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000912.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002755.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002755.png 718.856 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000263.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000263.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000139.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000139.png 718.856 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000412.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000412.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001159.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001159.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001979.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001979.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004887.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004887.png 707.0912 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000014.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000014.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002500.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002500.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003602.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003602.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000945.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000945.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004462.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004462.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004421.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004421.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004339.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004339.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000931.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000931.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001849.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001849.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004130.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004130.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000186.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000186.png 707.0912 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000092.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000092.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001239.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001239.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000407.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000407.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000992.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000992.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000387.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000387.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000888.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000888.png 718.856 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000640.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000640.png 721.5377 +2011_09_26/2011_09_26_drive_0035_sync/image_02/data/0000000105.png 2011_09_26_drive_0035_sync/proj_depth/groundtruth/image_02/0000000105.png 721.5377 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000365.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000365.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003071.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003071.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004366.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004366.png 707.0912 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000051.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000051.png 721.5377 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000420.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000420.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001623.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001623.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004120.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004120.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001787.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001787.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001160.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001160.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000001034.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000001034.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003956.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003956.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001409.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001409.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000163.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000163.png 721.5377 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000155.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000155.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000076.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000076.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000005114.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000005114.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001329.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001329.png 707.0912 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000290.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000290.png 721.5377 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000038.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000038.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000219.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000219.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003914.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003914.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000438.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000438.png 707.0912 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000289.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000289.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004461.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004461.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000141.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000141.png 718.856 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000135.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000135.png 721.5377 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000026.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000026.png 721.5377 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000137.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000137.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002939.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002939.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000571.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000571.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000369.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000369.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000349.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000349.png 718.856 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000173.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000173.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000510.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000510.png 721.5377 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000155.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000155.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000434.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000434.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000639.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000639.png 707.0912 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000177.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000177.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001557.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001557.png 707.0912 +2011_09_29/2011_09_29_drive_0026_sync/image_02/data/0000000123.png 2011_09_29_drive_0026_sync/proj_depth/groundtruth/image_02/0000000123.png 718.3351 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000750.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000750.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001109.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001109.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000625.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000625.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001231.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001231.png 707.0912 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000252.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000252.png 718.3351 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001611.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001611.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003181.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003181.png 718.856 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000493.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000493.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000403.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000403.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000556.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000556.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000426.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000426.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001298.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001298.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001872.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001872.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001673.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001673.png 707.0912 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000160.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000160.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000385.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000385.png 721.5377 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000027.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000027.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003040.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003040.png 718.856 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000094.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000094.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000135.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000135.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000495.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000495.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000813.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000813.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000077.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000077.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001868.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001868.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004321.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004321.png 718.856 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000161.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000161.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001136.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001136.png 707.0912 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000092.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000092.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002958.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002958.png 707.0912 +2011_09_28/2011_09_28_drive_0001_sync/image_02/data/0000000065.png 2011_09_28_drive_0001_sync/proj_depth/groundtruth/image_02/0000000065.png 707.0493 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001650.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001650.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000001147.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000001147.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001824.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001824.png 707.0912 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000379.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000379.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001177.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001177.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000856.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000856.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000901.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000901.png 707.0912 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000356.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000356.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001222.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001222.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002787.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002787.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003720.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003720.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000951.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000951.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002607.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002607.png 707.0912 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000193.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000193.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000640.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000640.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000442.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000442.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002617.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002617.png 718.856 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000623.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000623.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000616.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000616.png 718.856 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000506.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000506.png 721.5377 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000206.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000206.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003649.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003649.png 718.856 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000121.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000121.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000487.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000487.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004734.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004734.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003515.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003515.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000045.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000045.png 721.5377 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000166.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000166.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002718.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002718.png 707.0912 +2011_09_26/2011_09_26_drive_0017_sync/image_02/data/0000000105.png 2011_09_26_drive_0017_sync/proj_depth/groundtruth/image_02/0000000105.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000546.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000546.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000275.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000275.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003267.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003267.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000427.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000427.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004271.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004271.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004181.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004181.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000835.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000835.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000280.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000280.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000057.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000057.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002553.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002553.png 718.856 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000083.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000083.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004060.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004060.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002495.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002495.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000173.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000173.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000871.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000871.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000734.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000734.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000558.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000558.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003314.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003314.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002305.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002305.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001681.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001681.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000724.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000724.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003128.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003128.png 707.0912 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000008.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000008.png 721.5377 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000168.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000168.png 721.5377 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000174.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000174.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001246.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001246.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004101.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004101.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001901.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001901.png 707.0912 +2011_09_29/2011_09_29_drive_0026_sync/image_02/data/0000000026.png 2011_09_29_drive_0026_sync/proj_depth/groundtruth/image_02/0000000026.png 718.3351 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000421.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000421.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000489.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000489.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001627.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001627.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000564.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000564.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000446.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000446.png 718.856 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000525.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000525.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000945.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000945.png 718.856 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000149.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000149.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000778.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000778.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002240.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002240.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002939.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002939.png 718.856 +2011_09_26/2011_09_26_drive_0079_sync/image_02/data/0000000076.png 2011_09_26_drive_0079_sync/proj_depth/groundtruth/image_02/0000000076.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003197.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003197.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000618.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000618.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002213.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002213.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002256.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002256.png 707.0912 +2011_09_26/2011_09_26_drive_0001_sync/image_02/data/0000000085.png 2011_09_26_drive_0001_sync/proj_depth/groundtruth/image_02/0000000085.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004733.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004733.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001698.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001698.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003826.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003826.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002274.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002274.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001258.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001258.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002961.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002961.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003338.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003338.png 718.856 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000411.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000411.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000156.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000156.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001015.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001015.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000501.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000501.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003467.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003467.png 718.856 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000057.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000057.png 721.5377 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000240.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000240.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000926.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000926.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000029.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000029.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000505.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000505.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000630.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000630.png 707.0912 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000091.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000091.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000291.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000291.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000492.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000492.png 707.0912 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000058.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000058.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000269.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000269.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000647.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000647.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000167.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000167.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000752.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000752.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001220.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001220.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002572.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002572.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002815.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002815.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000234.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000234.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001509.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001509.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003003.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003003.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001572.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001572.png 718.856 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000383.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000383.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001209.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001209.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004519.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004519.png 718.856 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000664.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000664.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003262.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003262.png 718.856 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000233.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000233.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000595.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000595.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001658.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001658.png 718.856 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000351.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000351.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003683.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003683.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000992.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000992.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003946.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003946.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001948.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001948.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002331.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002331.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003328.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003328.png 718.856 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000173.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000173.png 721.5377 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000307.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000307.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002798.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002798.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002884.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002884.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001064.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001064.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003814.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003814.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000449.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000449.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000612.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000612.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001067.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001067.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000964.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000964.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004845.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004845.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002186.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002186.png 718.856 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000205.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000205.png 721.5377 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000165.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000165.png 721.5377 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000338.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000338.png 721.5377 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000197.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000197.png 721.5377 +2011_09_26/2011_09_26_drive_0005_sync/image_02/data/0000000029.png 2011_09_26_drive_0005_sync/proj_depth/groundtruth/image_02/0000000029.png 721.5377 +2011_09_26/2011_09_26_drive_0079_sync/image_02/data/0000000077.png 2011_09_26_drive_0079_sync/proj_depth/groundtruth/image_02/0000000077.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002190.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002190.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001069.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001069.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001775.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001775.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001110.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001110.png 707.0912 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000221.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000221.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000301.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000301.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003359.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003359.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000829.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000829.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000849.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000849.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002320.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002320.png 707.0912 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000045.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000045.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000001065.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000001065.png 707.0912 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000230.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000230.png 721.5377 +2011_09_28/2011_09_28_drive_0001_sync/image_02/data/0000000052.png 2011_09_28_drive_0001_sync/proj_depth/groundtruth/image_02/0000000052.png 707.0493 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001519.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001519.png 707.0912 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000160.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000160.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000602.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000602.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002406.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002406.png 718.856 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000298.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000298.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001522.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001522.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003508.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003508.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002311.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002311.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004981.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004981.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000001022.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000001022.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000457.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000457.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000757.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000757.png 707.0912 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000353.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000353.png 721.5377 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000117.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000117.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001536.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001536.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000518.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000518.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003914.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003914.png 718.856 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000112.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000112.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002438.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002438.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000257.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000257.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000382.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000382.png 707.0912 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000215.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000215.png 718.3351 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003908.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003908.png 707.0912 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000221.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000221.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003313.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003313.png 707.0912 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000087.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000087.png 721.5377 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000355.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000355.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004159.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004159.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000005057.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000005057.png 707.0912 +2011_09_26/2011_09_26_drive_0017_sync/image_02/data/0000000061.png 2011_09_26_drive_0017_sync/proj_depth/groundtruth/image_02/0000000061.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000247.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000247.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000714.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000714.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002409.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002409.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000652.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000652.png 718.856 +2011_09_26/2011_09_26_drive_0001_sync/image_02/data/0000000009.png 2011_09_26_drive_0001_sync/proj_depth/groundtruth/image_02/0000000009.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003524.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003524.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002654.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002654.png 718.856 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000330.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000330.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002515.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002515.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001840.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001840.png 718.856 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000352.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000352.png 721.5377 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000226.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000226.png 721.5377 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000246.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000246.png 721.5377 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000136.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000136.png 721.5377 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000270.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000270.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000685.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000685.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000879.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000879.png 718.856 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000424.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000424.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002058.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002058.png 718.856 +2011_09_26/2011_09_26_drive_0060_sync/image_02/data/0000000066.png 2011_09_26_drive_0060_sync/proj_depth/groundtruth/image_02/0000000066.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001380.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001380.png 707.0912 +2011_09_29/2011_09_29_drive_0026_sync/image_02/data/0000000096.png 2011_09_29_drive_0026_sync/proj_depth/groundtruth/image_02/0000000096.png 718.3351 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000001043.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000001043.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000573.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000573.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000121.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000121.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000663.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000663.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001526.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001526.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000911.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000911.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003700.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003700.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004359.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004359.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000931.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000931.png 707.0912 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000025.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000025.png 718.3351 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000728.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000728.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003962.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003962.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004633.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004633.png 707.0912 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000203.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000203.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000529.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000529.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000064.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000064.png 707.0912 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000296.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000296.png 721.5377 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000449.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000449.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000900.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000900.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000337.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000337.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001488.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001488.png 707.0912 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000044.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000044.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001108.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001108.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000621.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000621.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004599.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004599.png 707.0912 +2011_09_26/2011_09_26_drive_0035_sync/image_02/data/0000000124.png 2011_09_26_drive_0035_sync/proj_depth/groundtruth/image_02/0000000124.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001673.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001673.png 718.856 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000102.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000102.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001921.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001921.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001706.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001706.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000005031.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000005031.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000001063.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000001063.png 718.856 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000569.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000569.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002924.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002924.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003257.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003257.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000995.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000995.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001070.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001070.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000114.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000114.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002963.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002963.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001250.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001250.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002292.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002292.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001322.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001322.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003372.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003372.png 718.856 +2011_09_29/2011_09_29_drive_0026_sync/image_02/data/0000000041.png 2011_09_29_drive_0026_sync/proj_depth/groundtruth/image_02/0000000041.png 718.3351 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000516.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000516.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002475.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002475.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002411.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002411.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000181.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000181.png 718.856 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000057.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000057.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004331.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004331.png 718.856 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000164.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000164.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004111.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004111.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002177.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002177.png 718.856 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000096.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000096.png 721.5377 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000313.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000313.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004260.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004260.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001762.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001762.png 718.856 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000619.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000619.png 721.5377 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000310.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000310.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000739.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000739.png 707.0912 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000425.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000425.png 721.5377 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000210.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000210.png 721.5377 +2011_09_26/2011_09_26_drive_0035_sync/image_02/data/0000000073.png 2011_09_26_drive_0035_sync/proj_depth/groundtruth/image_02/0000000073.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004611.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004611.png 707.0912 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000049.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000049.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002248.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002248.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004241.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004241.png 718.856 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000370.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000370.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002268.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002268.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004487.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004487.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000071.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000071.png 707.0912 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000343.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000343.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002693.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002693.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001135.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001135.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000005054.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000005054.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000306.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000306.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000122.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000122.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004412.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004412.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000619.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000619.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000445.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000445.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004410.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004410.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000231.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000231.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000421.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000421.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000106.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000106.png 718.856 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000260.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000260.png 721.5377 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000099.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000099.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000918.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000918.png 707.0912 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000223.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000223.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001832.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001832.png 707.0912 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000195.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000195.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000781.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000781.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000764.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000764.png 718.856 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000188.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000188.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002826.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002826.png 718.856 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000469.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000469.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000523.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000523.png 721.5377 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000021.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000021.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001969.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001969.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001156.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001156.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000007.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000007.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000204.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000204.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000305.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000305.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000719.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000719.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000440.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000440.png 707.0912 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000348.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000348.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000528.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000528.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002062.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002062.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003304.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003304.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000701.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000701.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003317.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003317.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000594.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000594.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000009.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000009.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003810.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003810.png 718.856 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000249.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000249.png 721.5377 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000039.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000039.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000572.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000572.png 718.856 +2011_09_26/2011_09_26_drive_0001_sync/image_02/data/0000000073.png 2011_09_26_drive_0001_sync/proj_depth/groundtruth/image_02/0000000073.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003165.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003165.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000527.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000527.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001502.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001502.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000636.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000636.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000752.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000752.png 707.0912 +2011_09_28/2011_09_28_drive_0001_sync/image_02/data/0000000073.png 2011_09_28_drive_0001_sync/proj_depth/groundtruth/image_02/0000000073.png 707.0493 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000531.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000531.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002657.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002657.png 707.0912 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000122.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000122.png 721.5377 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000008.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000008.png 721.5377 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000090.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000090.png 721.5377 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000100.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000100.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001154.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001154.png 718.856 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000123.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000123.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002949.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002949.png 718.856 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000150.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000150.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003311.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003311.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001214.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001214.png 707.0912 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000110.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000110.png 721.5377 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000160.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000160.png 718.3351 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001730.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001730.png 707.0912 +2011_09_26/2011_09_26_drive_0017_sync/image_02/data/0000000093.png 2011_09_26_drive_0017_sync/proj_depth/groundtruth/image_02/0000000093.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004693.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004693.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000148.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000148.png 707.0912 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000333.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000333.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004326.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004326.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001408.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001408.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000201.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000201.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000616.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000616.png 721.5377 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000014.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000014.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004042.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004042.png 718.856 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000737.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000737.png 721.5377 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000021.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000021.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004442.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004442.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000946.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000946.png 718.856 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000315.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000315.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003266.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003266.png 718.856 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000303.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000303.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000072.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000072.png 707.0912 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000169.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000169.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000738.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000738.png 721.5377 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000072.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000072.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002829.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002829.png 707.0912 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000227.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000227.png 721.5377 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000094.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000094.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003451.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003451.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003919.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003919.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001932.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001932.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002061.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002061.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003912.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003912.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003850.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003850.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000079.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000079.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002016.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002016.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000470.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000470.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002822.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002822.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004235.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004235.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003320.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003320.png 707.0912 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000198.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000198.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001509.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001509.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003382.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003382.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000801.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000801.png 718.856 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000175.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000175.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004976.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004976.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004304.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004304.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000017.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000017.png 721.5377 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000064.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000064.png 721.5377 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000235.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000235.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000558.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000558.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000232.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000232.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004446.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004446.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001096.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001096.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000918.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000918.png 718.856 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000186.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000186.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000199.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000199.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003657.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003657.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001346.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001346.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000191.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000191.png 718.856 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000101.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000101.png 721.5377 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000240.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000240.png 721.5377 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000099.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000099.png 721.5377 +2011_09_26/2011_09_26_drive_0017_sync/image_02/data/0000000074.png 2011_09_26_drive_0017_sync/proj_depth/groundtruth/image_02/0000000074.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000205.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000205.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001460.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001460.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002896.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002896.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002486.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002486.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000872.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000872.png 707.0912 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000338.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000338.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000612.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000612.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000229.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000229.png 707.0912 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000424.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000424.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003932.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003932.png 718.856 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000435.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000435.png 721.5377 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000208.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000208.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000061.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000061.png 707.0912 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000070.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000070.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002494.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002494.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000009.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000009.png 718.856 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000410.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000410.png 721.5377 +2011_09_29/2011_09_29_drive_0026_sync/image_02/data/0000000074.png 2011_09_29_drive_0026_sync/proj_depth/groundtruth/image_02/0000000074.png 718.3351 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004772.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004772.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000153.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000153.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003762.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003762.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002778.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002778.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000843.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000843.png 718.856 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000310.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000310.png 718.3351 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001312.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001312.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002587.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002587.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000832.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000832.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000044.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000044.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002590.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002590.png 718.856 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000683.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000683.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000084.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000084.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000001002.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000001002.png 707.0912 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000011.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000011.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000494.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000494.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001146.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001146.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001851.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001851.png 707.0912 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000293.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000293.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000791.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000791.png 707.0912 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000046.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000046.png 718.3351 +2011_09_29/2011_09_29_drive_0026_sync/image_02/data/0000000148.png 2011_09_29_drive_0026_sync/proj_depth/groundtruth/image_02/0000000148.png 718.3351 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000852.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000852.png 718.856 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000209.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000209.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003166.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003166.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000498.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000498.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001413.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001413.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000504.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000504.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000120.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000120.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000785.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000785.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000001098.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000001098.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003142.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003142.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000610.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000610.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000274.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000274.png 707.0912 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000183.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000183.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001812.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001812.png 718.856 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000076.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000076.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003224.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003224.png 718.856 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000775.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000775.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004275.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004275.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000001153.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000001153.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002272.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002272.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000215.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000215.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000274.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000274.png 721.5377 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000367.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000367.png 721.5377 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000174.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000174.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001003.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001003.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000164.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000164.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000588.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000588.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000606.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000606.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000482.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000482.png 721.5377 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000010.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000010.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000193.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000193.png 707.0912 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000228.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000228.png 721.5377 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000139.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000139.png 721.5377 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000125.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000125.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000930.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000930.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000191.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000191.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000157.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000157.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000431.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000431.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001411.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001411.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003562.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003562.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000015.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000015.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000818.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000818.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000868.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000868.png 718.856 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000108.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000108.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004595.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004595.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000043.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000043.png 707.0912 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000079.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000079.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002646.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002646.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002820.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002820.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000667.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000667.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001496.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001496.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002106.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002106.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000088.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000088.png 707.0912 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000201.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000201.png 721.5377 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000126.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000126.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003514.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003514.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002539.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002539.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000957.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000957.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003621.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003621.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000543.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000543.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000432.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000432.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002638.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002638.png 718.856 +2011_09_26/2011_09_26_drive_0005_sync/image_02/data/0000000043.png 2011_09_26_drive_0005_sync/proj_depth/groundtruth/image_02/0000000043.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000374.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000374.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000170.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000170.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002272.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002272.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002864.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002864.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004006.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004006.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000905.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000905.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003828.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003828.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000748.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000748.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002506.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002506.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003645.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003645.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000069.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000069.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002878.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002878.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000048.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000048.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002304.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002304.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003939.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003939.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002656.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002656.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003667.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003667.png 718.856 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000119.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000119.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000424.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000424.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001473.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001473.png 707.0912 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000169.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000169.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001317.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001317.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000907.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000907.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001727.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001727.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002429.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002429.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004215.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004215.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001794.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001794.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000067.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000067.png 721.5377 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000049.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000049.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004908.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004908.png 707.0912 +2011_09_26/2011_09_26_drive_0001_sync/image_02/data/0000000099.png 2011_09_26_drive_0001_sync/proj_depth/groundtruth/image_02/0000000099.png 721.5377 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000233.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000233.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000005040.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000005040.png 707.0912 +2011_09_26/2011_09_26_drive_0017_sync/image_02/data/0000000084.png 2011_09_26_drive_0017_sync/proj_depth/groundtruth/image_02/0000000084.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000291.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000291.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000158.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000158.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002372.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002372.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000232.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000232.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003675.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003675.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001401.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001401.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003526.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003526.png 707.0912 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000269.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000269.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001057.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001057.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000915.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000915.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001006.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001006.png 707.0912 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000237.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000237.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003975.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003975.png 718.856 +2011_09_26/2011_09_26_drive_0079_sync/image_02/data/0000000030.png 2011_09_26_drive_0079_sync/proj_depth/groundtruth/image_02/0000000030.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003260.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003260.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003732.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003732.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002269.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002269.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004994.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004994.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000169.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000169.png 718.856 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000277.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000277.png 721.5377 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000283.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000283.png 718.3351 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001826.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001826.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004011.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004011.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002434.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002434.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003830.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003830.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003042.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003042.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000020.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000020.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000480.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000480.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004575.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004575.png 707.0912 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000305.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000305.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000255.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000255.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001323.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001323.png 707.0912 +2011_09_26/2011_09_26_drive_0005_sync/image_02/data/0000000112.png 2011_09_26_drive_0005_sync/proj_depth/groundtruth/image_02/0000000112.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000832.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000832.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000063.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000063.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004023.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004023.png 718.856 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000120.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000120.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004142.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004142.png 718.856 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000241.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000241.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001202.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001202.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004652.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004652.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002951.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002951.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000462.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000462.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003278.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003278.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001565.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001565.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002677.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002677.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000293.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000293.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002754.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002754.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000382.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000382.png 721.5377 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000158.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000158.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004251.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004251.png 718.856 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000274.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000274.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003560.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003560.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002432.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002432.png 707.0912 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000097.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000097.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000022.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000022.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000022.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000022.png 721.5377 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000290.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000290.png 721.5377 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000120.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000120.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000614.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000614.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000496.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000496.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000802.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000802.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001400.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001400.png 707.0912 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000219.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000219.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000580.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000580.png 721.5377 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000020.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000020.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004935.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004935.png 707.0912 +2011_09_26/2011_09_26_drive_0035_sync/image_02/data/0000000041.png 2011_09_26_drive_0035_sync/proj_depth/groundtruth/image_02/0000000041.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002773.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002773.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001032.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001032.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001176.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001176.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001732.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001732.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003001.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003001.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000475.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000475.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000939.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000939.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000122.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000122.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002775.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002775.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000823.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000823.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000628.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000628.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000101.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000101.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003548.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003548.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000914.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000914.png 718.856 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000291.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000291.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001137.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001137.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000001083.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000001083.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004149.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004149.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000584.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000584.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000086.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000086.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000273.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000273.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000973.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000973.png 718.856 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000158.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000158.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000527.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000527.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000287.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000287.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001522.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001522.png 707.0912 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000176.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000176.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001352.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001352.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003678.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003678.png 718.856 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000295.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000295.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003659.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003659.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000123.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000123.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003052.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003052.png 718.856 +2011_09_26/2011_09_26_drive_0035_sync/image_02/data/0000000026.png 2011_09_26_drive_0035_sync/proj_depth/groundtruth/image_02/0000000026.png 721.5377 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000191.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000191.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002623.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002623.png 718.856 +2011_09_26/2011_09_26_drive_0001_sync/image_02/data/0000000024.png 2011_09_26_drive_0001_sync/proj_depth/groundtruth/image_02/0000000024.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003058.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003058.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000155.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000155.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000977.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000977.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004687.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004687.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000633.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000633.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003536.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003536.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003091.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003091.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004621.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004621.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000001118.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000001118.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003693.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003693.png 707.0912 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000058.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000058.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000157.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000157.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000506.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000506.png 718.856 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000180.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000180.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002938.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002938.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003336.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003336.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000498.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000498.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000496.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000496.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000819.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000819.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000592.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000592.png 721.5377 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000026.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000026.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003698.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003698.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000206.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000206.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000268.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000268.png 718.856 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000396.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000396.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003387.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003387.png 707.0912 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000372.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000372.png 721.5377 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000260.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000260.png 718.3351 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000272.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000272.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001076.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001076.png 707.0912 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000348.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000348.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001183.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001183.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001464.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001464.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003252.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003252.png 718.856 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000165.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000165.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003681.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003681.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000532.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000532.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003857.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003857.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000752.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000752.png 718.856 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000352.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000352.png 721.5377 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000230.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000230.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000005060.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000005060.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002294.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002294.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002374.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002374.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003398.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003398.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003961.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003961.png 707.0912 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000118.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000118.png 721.5377 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000324.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000324.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000332.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000332.png 718.856 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000262.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000262.png 721.5377 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000112.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000112.png 718.3351 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000176.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000176.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004716.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004716.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002074.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002074.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000719.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000719.png 707.0912 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000264.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000264.png 721.5377 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000007.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000007.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000481.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000481.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000170.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000170.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000180.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000180.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000694.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000694.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003018.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003018.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003835.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003835.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002018.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002018.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000461.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000461.png 707.0912 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000229.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000229.png 721.5377 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000007.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000007.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000483.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000483.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003512.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003512.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001934.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001934.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000885.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000885.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000375.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000375.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000906.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000906.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000447.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000447.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000203.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000203.png 707.0912 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000074.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000074.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000366.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000366.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004673.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004673.png 707.0912 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000135.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000135.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002466.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002466.png 707.0912 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000129.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000129.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000969.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000969.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000500.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000500.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004485.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004485.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002627.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002627.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000350.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000350.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002682.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002682.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000644.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000644.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003600.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003600.png 707.0912 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000010.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000010.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001282.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001282.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004295.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004295.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003427.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003427.png 707.0912 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000296.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000296.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000092.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000092.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003783.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003783.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001697.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001697.png 707.0912 +2011_09_29/2011_09_29_drive_0026_sync/image_02/data/0000000081.png 2011_09_29_drive_0026_sync/proj_depth/groundtruth/image_02/0000000081.png 718.3351 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001145.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001145.png 718.856 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000168.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000168.png 721.5377 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000267.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000267.png 718.3351 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000179.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000179.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000455.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000455.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003767.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003767.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003030.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003030.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003489.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003489.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000353.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000353.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001359.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001359.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003589.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003589.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002765.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002765.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000199.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000199.png 718.856 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000178.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000178.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000408.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000408.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000177.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000177.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000515.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000515.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000768.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000768.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004473.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004473.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001074.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001074.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001181.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001181.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002010.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002010.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001587.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001587.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003339.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003339.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001155.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001155.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003601.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003601.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000091.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000091.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001043.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001043.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004046.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004046.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002439.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002439.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002420.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002420.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003631.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003631.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002357.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002357.png 707.0912 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000097.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000097.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000551.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000551.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003230.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003230.png 707.0912 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000149.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000149.png 721.5377 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000258.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000258.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003264.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003264.png 707.0912 +2011_09_29/2011_09_29_drive_0026_sync/image_02/data/0000000067.png 2011_09_29_drive_0026_sync/proj_depth/groundtruth/image_02/0000000067.png 718.3351 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000679.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000679.png 707.0912 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000380.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000380.png 721.5377 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000304.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000304.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000552.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000552.png 721.5377 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000061.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000061.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000261.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000261.png 718.856 +2011_09_26/2011_09_26_drive_0001_sync/image_02/data/0000000054.png 2011_09_26_drive_0001_sync/proj_depth/groundtruth/image_02/0000000054.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003218.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003218.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000932.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000932.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000730.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000730.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000267.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000267.png 721.5377 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000345.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000345.png 721.5377 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000058.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000058.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000463.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000463.png 721.5377 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000325.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000325.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000837.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000837.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003249.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003249.png 707.0912 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000043.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000043.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001285.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001285.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000227.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000227.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000452.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000452.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001158.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001158.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001447.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001447.png 707.0912 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000187.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000187.png 721.5377 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000169.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000169.png 721.5377 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000344.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000344.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000947.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000947.png 718.856 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000229.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000229.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001028.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001028.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003065.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003065.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000515.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000515.png 718.856 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000202.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000202.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002238.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002238.png 718.856 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000215.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000215.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004328.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004328.png 718.856 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000456.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000456.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004974.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004974.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001590.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001590.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003712.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003712.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000105.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000105.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000335.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000335.png 707.0912 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000275.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000275.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001517.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001517.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001808.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001808.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002343.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002343.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004542.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004542.png 707.0912 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000142.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000142.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000219.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000219.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000486.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000486.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000040.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000040.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000465.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000465.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001415.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001415.png 707.0912 +2011_09_29/2011_09_29_drive_0026_sync/image_02/data/0000000031.png 2011_09_29_drive_0026_sync/proj_depth/groundtruth/image_02/0000000031.png 718.3351 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000294.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000294.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002692.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002692.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001952.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001952.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004248.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004248.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003870.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003870.png 707.0912 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000277.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000277.png 721.5377 +2011_09_26/2011_09_26_drive_0017_sync/image_02/data/0000000075.png 2011_09_26_drive_0017_sync/proj_depth/groundtruth/image_02/0000000075.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000394.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000394.png 707.0912 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000122.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000122.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001644.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001644.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001896.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001896.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000443.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000443.png 718.856 +2011_09_26/2011_09_26_drive_0017_sync/image_02/data/0000000062.png 2011_09_26_drive_0017_sync/proj_depth/groundtruth/image_02/0000000062.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002397.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002397.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000779.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000779.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000733.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000733.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000063.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000063.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004505.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004505.png 718.856 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000420.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000420.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000422.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000422.png 721.5377 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000082.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000082.png 718.3351 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000283.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000283.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000923.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000923.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000580.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000580.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000227.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000227.png 707.0912 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000018.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000018.png 721.5377 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000020.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000020.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000985.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000985.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002202.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002202.png 707.0912 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000319.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000319.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000673.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000673.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000713.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000713.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000801.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000801.png 707.0912 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000074.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000074.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000126.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000126.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000068.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000068.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000991.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000991.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001534.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001534.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000340.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000340.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001493.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001493.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001647.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001647.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000603.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000603.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000295.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000295.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000082.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000082.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000825.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000825.png 707.0912 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000048.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000048.png 718.3351 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000048.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000048.png 721.5377 +2011_09_26/2011_09_26_drive_0005_sync/image_02/data/0000000020.png 2011_09_26_drive_0005_sync/proj_depth/groundtruth/image_02/0000000020.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000771.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000771.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004616.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004616.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004232.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004232.png 707.0912 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000176.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000176.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004500.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004500.png 718.856 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000029.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000029.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001582.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001582.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002282.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002282.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002357.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002357.png 718.856 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000362.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000362.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000001008.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000001008.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000749.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000749.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000764.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000764.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004364.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004364.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000911.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000911.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002275.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002275.png 718.856 +2011_09_26/2011_09_26_drive_0001_sync/image_02/data/0000000076.png 2011_09_26_drive_0001_sync/proj_depth/groundtruth/image_02/0000000076.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004819.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004819.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000207.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000207.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000698.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000698.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000199.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000199.png 721.5377 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000112.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000112.png 721.5377 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000246.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000246.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001174.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001174.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000574.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000574.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003399.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003399.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000001037.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000001037.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000732.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000732.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002358.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002358.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003220.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003220.png 707.0912 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000264.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000264.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000753.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000753.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001150.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001150.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002739.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002739.png 707.0912 +2011_09_26/2011_09_26_drive_0035_sync/image_02/data/0000000050.png 2011_09_26_drive_0035_sync/proj_depth/groundtruth/image_02/0000000050.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000297.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000297.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003298.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003298.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000555.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000555.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001456.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001456.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000401.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000401.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001249.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001249.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001801.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001801.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003610.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003610.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000781.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000781.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000365.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000365.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000583.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000583.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000679.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000679.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000743.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000743.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000089.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000089.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001151.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001151.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001768.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001768.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000204.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000204.png 707.0912 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000380.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000380.png 721.5377 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000159.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000159.png 721.5377 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000191.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000191.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002786.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002786.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000879.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000879.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000633.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000633.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001263.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001263.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000078.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000078.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002823.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002823.png 707.0912 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000008.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000008.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000221.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000221.png 718.856 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000079.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000079.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003243.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003243.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000508.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000508.png 707.0912 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000172.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000172.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001113.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001113.png 707.0912 +2011_09_29/2011_09_29_drive_0026_sync/image_02/data/0000000141.png 2011_09_29_drive_0026_sync/proj_depth/groundtruth/image_02/0000000141.png 718.3351 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000076.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000076.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000051.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000051.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001786.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001786.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000197.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000197.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000648.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000648.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001860.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001860.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004201.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004201.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003025.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003025.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003133.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003133.png 718.856 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000202.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000202.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000480.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000480.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000253.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000253.png 721.5377 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000216.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000216.png 721.5377 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000121.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000121.png 721.5377 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000148.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000148.png 721.5377 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000069.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000069.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000627.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000627.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000252.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000252.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002859.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002859.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001662.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001662.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001704.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001704.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003390.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003390.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001109.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001109.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000011.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000011.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000322.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000322.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002101.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002101.png 707.0912 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000366.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000366.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003515.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003515.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000533.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000533.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000281.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000281.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001620.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001620.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000436.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000436.png 707.0912 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000211.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000211.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001522.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001522.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004068.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004068.png 707.0912 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000336.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000336.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000782.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000782.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000123.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000123.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000253.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000253.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004093.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004093.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000646.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000646.png 721.5377 +2011_09_26/2011_09_26_drive_0005_sync/image_02/data/0000000078.png 2011_09_26_drive_0005_sync/proj_depth/groundtruth/image_02/0000000078.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000552.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000552.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003564.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003564.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000640.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000640.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000824.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000824.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000750.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000750.png 718.856 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000754.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000754.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000519.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000519.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001773.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001773.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000494.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000494.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000136.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000136.png 707.0912 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000017.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000017.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000772.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000772.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003802.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003802.png 718.856 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000063.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000063.png 721.5377 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000201.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000201.png 721.5377 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000053.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000053.png 718.3351 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002686.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002686.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003326.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003326.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000179.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000179.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003833.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003833.png 718.856 +2011_09_26/2011_09_26_drive_0035_sync/image_02/data/0000000095.png 2011_09_26_drive_0035_sync/proj_depth/groundtruth/image_02/0000000095.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002759.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002759.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001278.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001278.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000112.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000112.png 721.5377 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000382.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000382.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000474.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000474.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003043.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003043.png 718.856 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000487.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000487.png 721.5377 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000183.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000183.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000792.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000792.png 707.0912 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000276.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000276.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001824.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001824.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001827.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001827.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000421.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000421.png 721.5377 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000242.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000242.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004314.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004314.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000429.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000429.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001031.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001031.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002231.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002231.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000534.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000534.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003482.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003482.png 707.0912 +2011_09_26/2011_09_26_drive_0079_sync/image_02/data/0000000058.png 2011_09_26_drive_0079_sync/proj_depth/groundtruth/image_02/0000000058.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000124.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000124.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002131.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002131.png 718.856 +2011_09_26/2011_09_26_drive_0035_sync/image_02/data/0000000109.png 2011_09_26_drive_0035_sync/proj_depth/groundtruth/image_02/0000000109.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000508.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000508.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001196.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001196.png 718.856 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000287.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000287.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001460.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001460.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000202.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000202.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000793.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000793.png 721.5377 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000186.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000186.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000138.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000138.png 721.5377 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000202.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000202.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000320.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000320.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000232.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000232.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003713.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003713.png 718.856 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000066.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000066.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000698.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000698.png 707.0912 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000174.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000174.png 721.5377 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000110.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000110.png 718.3351 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001192.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001192.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003930.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003930.png 707.0912 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000071.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000071.png 721.5377 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000161.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000161.png 721.5377 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000064.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000064.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002576.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002576.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000626.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000626.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000464.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000464.png 707.0912 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000189.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000189.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000708.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000708.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002609.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002609.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002194.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002194.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001087.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001087.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002928.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002928.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000816.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000816.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000967.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000967.png 707.0912 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000083.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000083.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001154.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001154.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000222.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000222.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003520.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003520.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003185.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003185.png 707.0912 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000127.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000127.png 718.3351 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000189.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000189.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004273.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004273.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004700.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004700.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001567.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001567.png 718.856 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000166.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000166.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000604.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000604.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000223.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000223.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001791.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001791.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000009.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000009.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000035.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000035.png 707.0912 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000043.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000043.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000797.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000797.png 707.0912 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000216.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000216.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000120.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000120.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003820.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003820.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002953.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002953.png 718.856 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000241.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000241.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003464.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003464.png 707.0912 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000214.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000214.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002703.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002703.png 707.0912 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000104.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000104.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000283.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000283.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000625.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000625.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003400.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003400.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004097.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004097.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003656.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003656.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001051.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001051.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000849.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000849.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000442.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000442.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000216.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000216.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000741.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000741.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000744.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000744.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001124.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001124.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004167.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004167.png 718.856 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000162.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000162.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000527.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000527.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000001037.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000001037.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004106.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004106.png 718.856 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000050.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000050.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000654.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000654.png 721.5377 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000255.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000255.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001055.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001055.png 707.0912 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000067.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000067.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002846.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002846.png 707.0912 +2011_09_26/2011_09_26_drive_0079_sync/image_02/data/0000000029.png 2011_09_26_drive_0079_sync/proj_depth/groundtruth/image_02/0000000029.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000649.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000649.png 707.0912 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000346.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000346.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004197.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004197.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002052.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002052.png 707.0912 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000422.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000422.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000060.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000060.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000653.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000653.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000516.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000516.png 707.0912 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000278.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000278.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003497.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003497.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000883.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000883.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000843.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000843.png 718.856 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000292.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000292.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000973.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000973.png 707.0912 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000016.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000016.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001057.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001057.png 707.0912 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000197.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000197.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000043.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000043.png 707.0912 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000289.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000289.png 718.3351 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003845.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003845.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000482.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000482.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002076.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002076.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000438.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000438.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000502.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000502.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000140.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000140.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004336.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004336.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002738.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002738.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003952.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003952.png 718.856 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000076.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000076.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001312.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001312.png 718.856 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000169.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000169.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004705.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004705.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000290.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000290.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002056.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002056.png 718.856 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000195.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000195.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001126.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001126.png 707.0912 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000122.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000122.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002697.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002697.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000322.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000322.png 718.856 +2011_09_26/2011_09_26_drive_0005_sync/image_02/data/0000000126.png 2011_09_26_drive_0005_sync/proj_depth/groundtruth/image_02/0000000126.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004074.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004074.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000001077.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000001077.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004276.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004276.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003955.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003955.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000748.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000748.png 718.856 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000106.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000106.png 721.5377 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000191.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000191.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000028.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000028.png 721.5377 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000176.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000176.png 721.5377 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000174.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000174.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000989.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000989.png 707.0912 +2011_09_28/2011_09_28_drive_0001_sync/image_02/data/0000000063.png 2011_09_28_drive_0001_sync/proj_depth/groundtruth/image_02/0000000063.png 707.0493 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001783.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001783.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000924.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000924.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004116.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004116.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000174.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000174.png 718.856 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000284.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000284.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004527.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004527.png 718.856 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000243.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000243.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001922.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001922.png 718.856 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000022.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000022.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000710.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000710.png 718.856 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000557.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000557.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004030.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004030.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004778.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004778.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003249.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003249.png 718.856 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000047.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000047.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000118.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000118.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000566.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000566.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002217.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002217.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003837.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003837.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003957.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003957.png 707.0912 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000068.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000068.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000382.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000382.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000937.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000937.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000297.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000297.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001054.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001054.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000716.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000716.png 707.0912 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000245.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000245.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001713.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001713.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004024.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004024.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000803.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000803.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000706.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000706.png 718.856 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000208.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000208.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004884.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004884.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000482.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000482.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002123.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002123.png 707.0912 +2011_09_26/2011_09_26_drive_0005_sync/image_02/data/0000000128.png 2011_09_26_drive_0005_sync/proj_depth/groundtruth/image_02/0000000128.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001659.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001659.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000328.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000328.png 707.0912 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000376.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000376.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000854.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000854.png 707.0912 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000154.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000154.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000360.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000360.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000254.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000254.png 718.856 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000264.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000264.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000794.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000794.png 707.0912 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000199.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000199.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003735.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003735.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003781.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003781.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002022.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002022.png 707.0912 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000072.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000072.png 721.5377 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000285.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000285.png 721.5377 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000068.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000068.png 721.5377 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000194.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000194.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002273.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002273.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002263.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002263.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000788.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000788.png 707.0912 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000291.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000291.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002770.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002770.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001034.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001034.png 718.856 +2011_09_26/2011_09_26_drive_0005_sync/image_02/data/0000000107.png 2011_09_26_drive_0005_sync/proj_depth/groundtruth/image_02/0000000107.png 721.5377 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000318.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000318.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000557.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000557.png 721.5377 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000036.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000036.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000847.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000847.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004657.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004657.png 707.0912 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000047.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000047.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000951.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000951.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003740.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003740.png 707.0912 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000374.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000374.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000133.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000133.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000228.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000228.png 707.0912 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000250.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000250.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002777.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002777.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001353.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001353.png 707.0912 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000054.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000054.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004312.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004312.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000467.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000467.png 718.856 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000244.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000244.png 721.5377 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000248.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000248.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000630.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000630.png 718.856 +2011_09_26/2011_09_26_drive_0001_sync/image_02/data/0000000040.png 2011_09_26_drive_0001_sync/proj_depth/groundtruth/image_02/0000000040.png 721.5377 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000055.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000055.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000235.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000235.png 707.0912 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000108.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000108.png 721.5377 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000107.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000107.png 721.5377 +2011_09_29/2011_09_29_drive_0026_sync/image_02/data/0000000037.png 2011_09_29_drive_0026_sync/proj_depth/groundtruth/image_02/0000000037.png 718.3351 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004446.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004446.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001855.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001855.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000581.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000581.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001100.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001100.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000005027.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000005027.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000437.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000437.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000334.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000334.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001424.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001424.png 718.856 +2011_09_26/2011_09_26_drive_0001_sync/image_02/data/0000000091.png 2011_09_26_drive_0001_sync/proj_depth/groundtruth/image_02/0000000091.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000798.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000798.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000439.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000439.png 718.856 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000722.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000722.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000188.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000188.png 707.0912 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000304.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000304.png 718.3351 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000152.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000152.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000505.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000505.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002979.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002979.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000001000.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000001000.png 718.856 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000226.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000226.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001629.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001629.png 718.856 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000019.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000019.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000622.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000622.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000156.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000156.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000317.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000317.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000733.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000733.png 707.0912 +2011_09_29/2011_09_29_drive_0026_sync/image_02/data/0000000080.png 2011_09_29_drive_0026_sync/proj_depth/groundtruth/image_02/0000000080.png 718.3351 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000840.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000840.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004017.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004017.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003898.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003898.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001752.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001752.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001032.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001032.png 718.856 +2011_09_26/2011_09_26_drive_0001_sync/image_02/data/0000000065.png 2011_09_26_drive_0001_sync/proj_depth/groundtruth/image_02/0000000065.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004579.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004579.png 718.856 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000283.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000283.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000534.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000534.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000936.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000936.png 707.0912 +2011_09_26/2011_09_26_drive_0113_sync/image_02/data/0000000048.png 2011_09_26_drive_0113_sync/proj_depth/groundtruth/image_02/0000000048.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000223.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000223.png 721.5377 +2011_09_29/2011_09_29_drive_0026_sync/image_02/data/0000000076.png 2011_09_29_drive_0026_sync/proj_depth/groundtruth/image_02/0000000076.png 718.3351 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000549.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000549.png 707.0912 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000355.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000355.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000414.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000414.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000774.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000774.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001593.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001593.png 718.856 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000079.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000079.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000295.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000295.png 718.856 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000444.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000444.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004262.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004262.png 707.0912 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000194.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000194.png 718.3351 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000247.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000247.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000084.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000084.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002676.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002676.png 718.856 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000109.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000109.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000943.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000943.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000380.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000380.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002415.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002415.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001550.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001550.png 718.856 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000266.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000266.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000157.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000157.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000005111.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000005111.png 707.0912 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000062.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000062.png 718.3351 +2011_09_26/2011_09_26_drive_0001_sync/image_02/data/0000000096.png 2011_09_26_drive_0001_sync/proj_depth/groundtruth/image_02/0000000096.png 721.5377 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000089.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000089.png 718.3351 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000732.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000732.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000032.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000032.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000860.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000860.png 718.856 +2011_09_26/2011_09_26_drive_0005_sync/image_02/data/0000000033.png 2011_09_26_drive_0005_sync/proj_depth/groundtruth/image_02/0000000033.png 721.5377 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000031.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000031.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004943.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004943.png 707.0912 +2011_09_26/2011_09_26_drive_0060_sync/image_02/data/0000000036.png 2011_09_26_drive_0060_sync/proj_depth/groundtruth/image_02/0000000036.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002128.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002128.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000124.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000124.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003673.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003673.png 718.856 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000329.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000329.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000788.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000788.png 707.0912 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000056.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000056.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000140.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000140.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000008.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000008.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000001078.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000001078.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003861.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003861.png 718.856 +2011_09_26/2011_09_26_drive_0017_sync/image_02/data/0000000095.png 2011_09_26_drive_0017_sync/proj_depth/groundtruth/image_02/0000000095.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000237.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000237.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001349.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001349.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000082.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000082.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003912.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003912.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000962.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000962.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000176.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000176.png 718.856 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000181.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000181.png 721.5377 +2011_09_26/2011_09_26_drive_0005_sync/image_02/data/0000000113.png 2011_09_26_drive_0005_sync/proj_depth/groundtruth/image_02/0000000113.png 721.5377 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000317.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000317.png 721.5377 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000223.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000223.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001831.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001831.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003097.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003097.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001347.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001347.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004393.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004393.png 718.856 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000160.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000160.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000592.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000592.png 718.856 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000124.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000124.png 721.5377 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000063.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000063.png 718.3351 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002990.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002990.png 718.856 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000106.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000106.png 721.5377 +2011_09_26/2011_09_26_drive_0001_sync/image_02/data/0000000058.png 2011_09_26_drive_0001_sync/proj_depth/groundtruth/image_02/0000000058.png 721.5377 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000051.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000051.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000625.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000625.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000886.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000886.png 718.856 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000057.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000057.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000378.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000378.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001581.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001581.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000089.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000089.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001558.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001558.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003312.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003312.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000890.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000890.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003511.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003511.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001769.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001769.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003632.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003632.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004458.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004458.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002355.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002355.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001418.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001418.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000357.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000357.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000005110.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000005110.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002474.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002474.png 718.856 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000025.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000025.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000219.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000219.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001880.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001880.png 718.856 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000382.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000382.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000509.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000509.png 707.0912 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000143.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000143.png 721.5377 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000107.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000107.png 718.3351 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002033.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002033.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001433.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001433.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001304.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001304.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000947.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000947.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000865.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000865.png 718.856 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000237.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000237.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002386.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002386.png 707.0912 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000166.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000166.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000649.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000649.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000155.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000155.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000454.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000454.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000867.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000867.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002407.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002407.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000632.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000632.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004025.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004025.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002247.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002247.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001159.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001159.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000906.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000906.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002740.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002740.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000018.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000018.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000245.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000245.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000519.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000519.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000882.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000882.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000254.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000254.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001834.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001834.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003323.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003323.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001572.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001572.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000368.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000368.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001875.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001875.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000122.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000122.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000791.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000791.png 718.856 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000137.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000137.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003226.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003226.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003205.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003205.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000250.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000250.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000134.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000134.png 707.0912 +2011_09_26/2011_09_26_drive_0035_sync/image_02/data/0000000100.png 2011_09_26_drive_0035_sync/proj_depth/groundtruth/image_02/0000000100.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003173.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003173.png 707.0912 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000006.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000006.png 721.5377 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000158.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000158.png 721.5377 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000258.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000258.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002565.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002565.png 707.0912 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000013.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000013.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000617.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000617.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002293.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002293.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003913.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003913.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000252.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000252.png 718.856 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000274.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000274.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002352.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002352.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003889.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003889.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000899.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000899.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004194.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004194.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000658.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000658.png 718.856 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000047.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000047.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003541.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003541.png 718.856 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000318.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000318.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000603.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000603.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000320.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000320.png 707.0912 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000227.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000227.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000912.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000912.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004875.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004875.png 707.0912 +2011_09_26/2011_09_26_drive_0005_sync/image_02/data/0000000108.png 2011_09_26_drive_0005_sync/proj_depth/groundtruth/image_02/0000000108.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003262.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003262.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001347.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001347.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004233.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004233.png 718.856 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000021.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000021.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002551.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002551.png 718.856 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000107.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000107.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000053.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000053.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000836.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000836.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000698.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000698.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000256.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000256.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000173.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000173.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000413.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000413.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000687.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000687.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001625.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001625.png 718.856 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000180.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000180.png 721.5377 +2011_09_26/2011_09_26_drive_0017_sync/image_02/data/0000000091.png 2011_09_26_drive_0017_sync/proj_depth/groundtruth/image_02/0000000091.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000790.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000790.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000317.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000317.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001219.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001219.png 718.856 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000143.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000143.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000672.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000672.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000312.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000312.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000538.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000538.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000589.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000589.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000908.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000908.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000406.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000406.png 707.0912 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000263.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000263.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002075.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002075.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000005121.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000005121.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001962.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001962.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000523.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000523.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000712.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000712.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001516.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001516.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000997.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000997.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004322.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004322.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001398.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001398.png 707.0912 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000170.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000170.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000173.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000173.png 718.856 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000062.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000062.png 721.5377 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000023.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000023.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003373.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003373.png 707.0912 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000081.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000081.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000005147.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000005147.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000057.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000057.png 721.5377 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000250.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000250.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000001156.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000001156.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001533.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001533.png 718.856 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000291.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000291.png 718.3351 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000280.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000280.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001512.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001512.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001837.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001837.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000868.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000868.png 707.0912 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000133.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000133.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004380.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004380.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000018.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000018.png 718.856 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000192.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000192.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001050.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001050.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001058.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001058.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000441.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000441.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000450.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000450.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000534.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000534.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000355.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000355.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003306.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003306.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003144.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003144.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002535.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002535.png 707.0912 +2011_09_26/2011_09_26_drive_0005_sync/image_02/data/0000000074.png 2011_09_26_drive_0005_sync/proj_depth/groundtruth/image_02/0000000074.png 721.5377 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000091.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000091.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000785.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000785.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003943.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003943.png 707.0912 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000294.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000294.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000512.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000512.png 721.5377 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000142.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000142.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001206.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001206.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004423.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004423.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003543.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003543.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000302.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000302.png 707.0912 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000355.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000355.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000189.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000189.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001240.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001240.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001200.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001200.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000080.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000080.png 718.856 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000067.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000067.png 721.5377 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000120.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000120.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001134.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001134.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001722.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001722.png 718.856 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000135.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000135.png 721.5377 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000171.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000171.png 721.5377 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000238.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000238.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003208.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003208.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000344.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000344.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003926.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003926.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000658.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000658.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002047.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002047.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000960.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000960.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003844.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003844.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004568.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004568.png 707.0912 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000188.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000188.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003807.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003807.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002369.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002369.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004045.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004045.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002543.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002543.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003053.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003053.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000415.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000415.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001915.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001915.png 718.856 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000045.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000045.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000665.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000665.png 707.0912 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000164.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000164.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000742.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000742.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004826.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004826.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001457.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001457.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003674.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003674.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003357.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003357.png 718.856 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000325.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000325.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000507.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000507.png 721.5377 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000063.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000063.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002936.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002936.png 707.0912 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000068.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000068.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000822.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000822.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000460.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000460.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002277.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002277.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000271.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000271.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000264.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000264.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000324.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000324.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000298.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000298.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000697.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000697.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001213.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001213.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003292.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003292.png 707.0912 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000066.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000066.png 721.5377 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000008.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000008.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003486.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003486.png 707.0912 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000197.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000197.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003998.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003998.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000028.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000028.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001148.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001148.png 707.0912 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000024.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000024.png 721.5377 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000055.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000055.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000432.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000432.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003402.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003402.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004465.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004465.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001247.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001247.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000276.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000276.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003318.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003318.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001853.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001853.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000966.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000966.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000654.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000654.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000545.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000545.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003856.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003856.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000828.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000828.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000679.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000679.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001186.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001186.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001494.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001494.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004560.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004560.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000260.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000260.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000752.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000752.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003846.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003846.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001217.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001217.png 718.856 +2011_09_26/2011_09_26_drive_0017_sync/image_02/data/0000000063.png 2011_09_26_drive_0017_sync/proj_depth/groundtruth/image_02/0000000063.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002363.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002363.png 718.856 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000184.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000184.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002705.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002705.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004173.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004173.png 718.856 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000208.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000208.png 718.3351 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000027.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000027.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000020.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000020.png 707.0912 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000187.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000187.png 721.5377 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000105.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000105.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000408.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000408.png 707.0912 +2011_09_29/2011_09_29_drive_0026_sync/image_02/data/0000000115.png 2011_09_29_drive_0026_sync/proj_depth/groundtruth/image_02/0000000115.png 718.3351 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000316.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000316.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002731.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002731.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000476.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000476.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000152.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000152.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000629.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000629.png 718.856 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000106.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000106.png 721.5377 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000276.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000276.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000077.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000077.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002595.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002595.png 718.856 +2011_09_26/2011_09_26_drive_0001_sync/image_02/data/0000000032.png 2011_09_26_drive_0001_sync/proj_depth/groundtruth/image_02/0000000032.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000243.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000243.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000404.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000404.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003796.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003796.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001566.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001566.png 707.0912 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000363.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000363.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000823.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000823.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000360.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000360.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001446.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001446.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004098.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004098.png 707.0912 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000103.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000103.png 718.3351 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000641.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000641.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004459.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004459.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004526.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004526.png 718.856 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000076.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000076.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000269.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000269.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002881.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002881.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000267.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000267.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004246.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004246.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001850.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001850.png 718.856 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000256.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000256.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001207.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001207.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003743.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003743.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000844.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000844.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000678.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000678.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003606.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003606.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002932.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002932.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001549.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001549.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002155.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002155.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000685.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000685.png 707.0912 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000025.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000025.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001476.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001476.png 707.0912 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000099.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000099.png 718.3351 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001892.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001892.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000902.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000902.png 707.0912 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000198.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000198.png 721.5377 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000028.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000028.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004287.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004287.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004041.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004041.png 707.0912 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000111.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000111.png 721.5377 +2011_09_28/2011_09_28_drive_0001_sync/image_02/data/0000000076.png 2011_09_28_drive_0001_sync/proj_depth/groundtruth/image_02/0000000076.png 707.0493 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003904.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003904.png 707.0912 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000265.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000265.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001387.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001387.png 707.0912 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000128.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000128.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000610.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000610.png 707.0912 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000195.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000195.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003586.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003586.png 707.0912 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000408.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000408.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001184.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001184.png 707.0912 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000089.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000089.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001866.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001866.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000513.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000513.png 718.856 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000262.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000262.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000802.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000802.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003808.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003808.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002479.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002479.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000110.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000110.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000563.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000563.png 707.0912 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000073.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000073.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000591.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000591.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000005092.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000005092.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000246.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000246.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001612.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001612.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004186.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004186.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003563.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003563.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000120.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000120.png 718.856 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000020.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000020.png 718.3351 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000108.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000108.png 721.5377 +2011_09_26/2011_09_26_drive_0079_sync/image_02/data/0000000057.png 2011_09_26_drive_0079_sync/proj_depth/groundtruth/image_02/0000000057.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000220.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000220.png 721.5377 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000172.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000172.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000388.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000388.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002465.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002465.png 707.0912 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000139.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000139.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001282.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001282.png 718.856 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000356.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000356.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004109.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004109.png 718.856 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000334.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000334.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004902.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004902.png 707.0912 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000083.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000083.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001254.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001254.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000096.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000096.png 707.0912 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000176.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000176.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002681.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002681.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002393.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002393.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000993.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000993.png 718.856 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000104.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000104.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003197.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003197.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001329.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001329.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004205.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004205.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001378.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001378.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003453.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003453.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002089.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002089.png 718.856 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000204.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000204.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000120.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000120.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002370.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002370.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000641.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000641.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000831.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000831.png 718.856 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000509.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000509.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000425.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000425.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000357.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000357.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001069.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001069.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000268.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000268.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000358.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000358.png 721.5377 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000318.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000318.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001769.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001769.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000374.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000374.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001717.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001717.png 707.0912 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000132.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000132.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003303.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003303.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000562.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000562.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001295.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001295.png 718.856 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000308.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000308.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003931.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003931.png 707.0912 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000073.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000073.png 721.5377 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000101.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000101.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002225.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002225.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001925.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001925.png 718.856 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000624.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000624.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000136.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000136.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002789.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002789.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000626.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000626.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000599.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000599.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000445.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000445.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003625.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003625.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001489.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001489.png 707.0912 +2011_09_26/2011_09_26_drive_0060_sync/image_02/data/0000000056.png 2011_09_26_drive_0060_sync/proj_depth/groundtruth/image_02/0000000056.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001376.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001376.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003127.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003127.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000505.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000505.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000562.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000562.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001734.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001734.png 718.856 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000011.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000011.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001012.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001012.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000733.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000733.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004334.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004334.png 707.0912 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000038.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000038.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000296.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000296.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000160.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000160.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001529.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001529.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000339.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000339.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000128.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000128.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000357.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000357.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000178.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000178.png 718.856 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000233.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000233.png 718.3351 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000025.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000025.png 721.5377 +2011_09_28/2011_09_28_drive_0001_sync/image_02/data/0000000028.png 2011_09_28_drive_0001_sync/proj_depth/groundtruth/image_02/0000000028.png 707.0493 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002128.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002128.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000192.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000192.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004318.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004318.png 718.856 +2011_09_26/2011_09_26_drive_0005_sync/image_02/data/0000000134.png 2011_09_26_drive_0005_sync/proj_depth/groundtruth/image_02/0000000134.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000778.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000778.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000628.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000628.png 718.856 +2011_09_26/2011_09_26_drive_0113_sync/image_02/data/0000000081.png 2011_09_26_drive_0113_sync/proj_depth/groundtruth/image_02/0000000081.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000470.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000470.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002175.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002175.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002622.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002622.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001266.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001266.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000725.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000725.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004327.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004327.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000099.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000099.png 718.856 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000378.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000378.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000332.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000332.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004806.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004806.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000530.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000530.png 721.5377 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000131.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000131.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003761.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003761.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003649.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003649.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000513.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000513.png 718.856 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000064.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000064.png 721.5377 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000240.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000240.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000019.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000019.png 707.0912 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000311.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000311.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000214.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000214.png 707.0912 +2011_09_26/2011_09_26_drive_0079_sync/image_02/data/0000000026.png 2011_09_26_drive_0079_sync/proj_depth/groundtruth/image_02/0000000026.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004170.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004170.png 718.856 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000145.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000145.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002761.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002761.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001245.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001245.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001590.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001590.png 718.856 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000105.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000105.png 721.5377 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000217.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000217.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000020.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000020.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000024.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000024.png 707.0912 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000152.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000152.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000831.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000831.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001899.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001899.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000953.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000953.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003107.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003107.png 718.856 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000152.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000152.png 721.5377 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000223.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000223.png 721.5377 +2011_09_26/2011_09_26_drive_0060_sync/image_02/data/0000000028.png 2011_09_26_drive_0060_sync/proj_depth/groundtruth/image_02/0000000028.png 721.5377 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000010.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000010.png 721.5377 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000301.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000301.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000546.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000546.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002057.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002057.png 707.0912 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000134.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000134.png 721.5377 +2011_09_26/2011_09_26_drive_0017_sync/image_02/data/0000000051.png 2011_09_26_drive_0017_sync/proj_depth/groundtruth/image_02/0000000051.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000974.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000974.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003759.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003759.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002002.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002002.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000731.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000731.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001242.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001242.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000889.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000889.png 718.856 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000315.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000315.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000212.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000212.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003069.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003069.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002299.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002299.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003894.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003894.png 707.0912 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000299.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000299.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000914.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000914.png 707.0912 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000032.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000032.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000628.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000628.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000492.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000492.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001205.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001205.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000975.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000975.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004235.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004235.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000001152.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000001152.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004297.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004297.png 718.856 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000110.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000110.png 721.5377 +2011_09_26/2011_09_26_drive_0017_sync/image_02/data/0000000031.png 2011_09_26_drive_0017_sync/proj_depth/groundtruth/image_02/0000000031.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000076.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000076.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000859.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000859.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000001066.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000001066.png 707.0912 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000212.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000212.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002669.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002669.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001201.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001201.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000396.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000396.png 718.856 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000668.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000668.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001221.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001221.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001911.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001911.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000740.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000740.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000682.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000682.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000315.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000315.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004636.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004636.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002032.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002032.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002275.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002275.png 707.0912 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000200.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000200.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000859.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000859.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003990.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003990.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004921.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004921.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000268.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000268.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001713.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001713.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000318.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000318.png 721.5377 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000174.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000174.png 721.5377 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000083.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000083.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002352.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002352.png 718.856 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000109.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000109.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001092.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001092.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001936.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001936.png 707.0912 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000200.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000200.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000192.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000192.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000117.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000117.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004747.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004747.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001839.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001839.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000076.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000076.png 707.0912 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000037.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000037.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000662.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000662.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001379.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001379.png 707.0912 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000177.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000177.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004243.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004243.png 718.856 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000262.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000262.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003467.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003467.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001215.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001215.png 707.0912 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000036.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000036.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004035.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004035.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001001.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001001.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002965.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002965.png 718.856 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000285.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000285.png 721.5377 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000313.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000313.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004243.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004243.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000331.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000331.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002700.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002700.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003274.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003274.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000859.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000859.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001906.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001906.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001702.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001702.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004113.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004113.png 718.856 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000057.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000057.png 721.5377 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000433.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000433.png 721.5377 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000054.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000054.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000768.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000768.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001199.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001199.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000692.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000692.png 718.856 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000094.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000094.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000866.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000866.png 707.0912 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000153.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000153.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000507.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000507.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003699.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003699.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000376.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000376.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002628.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002628.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000078.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000078.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003506.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003506.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000983.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000983.png 707.0912 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000240.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000240.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000005023.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000005023.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004334.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004334.png 718.856 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000023.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000023.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000890.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000890.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000053.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000053.png 718.856 +2011_09_26/2011_09_26_drive_0060_sync/image_02/data/0000000068.png 2011_09_26_drive_0060_sync/proj_depth/groundtruth/image_02/0000000068.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000699.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000699.png 707.0912 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000346.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000346.png 721.5377 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000101.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000101.png 721.5377 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000255.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000255.png 721.5377 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000188.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000188.png 721.5377 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000298.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000298.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003121.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003121.png 707.0912 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000164.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000164.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000336.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000336.png 721.5377 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000083.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000083.png 718.3351 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000497.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000497.png 721.5377 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000221.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000221.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000210.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000210.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000206.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000206.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000150.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000150.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004665.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004665.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003748.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003748.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003907.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003907.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000001031.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000001031.png 707.0912 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000018.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000018.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001983.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001983.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000429.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000429.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000735.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000735.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002508.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002508.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000331.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000331.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000345.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000345.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000597.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000597.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000001081.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000001081.png 718.856 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000629.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000629.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003880.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003880.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001844.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001844.png 707.0912 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000053.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000053.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000005146.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000005146.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001308.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001308.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000423.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000423.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000215.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000215.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000804.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000804.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000517.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000517.png 721.5377 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000121.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000121.png 721.5377 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000164.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000164.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001066.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001066.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001146.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001146.png 707.0912 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000199.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000199.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003848.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003848.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002033.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002033.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003381.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003381.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000588.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000588.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003942.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003942.png 707.0912 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000033.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000033.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000874.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000874.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000153.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000153.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000266.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000266.png 721.5377 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000342.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000342.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000020.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000020.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000950.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000950.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002116.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002116.png 707.0912 +2011_09_29/2011_09_29_drive_0026_sync/image_02/data/0000000025.png 2011_09_29_drive_0026_sync/proj_depth/groundtruth/image_02/0000000025.png 718.3351 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004019.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004019.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000758.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000758.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001364.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001364.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000950.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000950.png 718.856 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000210.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000210.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000266.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000266.png 707.0912 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000244.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000244.png 721.5377 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000159.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000159.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000164.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000164.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002588.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002588.png 707.0912 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000281.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000281.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000901.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000901.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000726.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000726.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001310.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001310.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000889.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000889.png 707.0912 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000309.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000309.png 718.3351 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000211.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000211.png 721.5377 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000204.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000204.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001216.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001216.png 718.856 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000125.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000125.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000281.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000281.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003280.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003280.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001542.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001542.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003881.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003881.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000637.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000637.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004293.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004293.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000352.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000352.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000001044.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000001044.png 718.856 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000635.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000635.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002724.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002724.png 718.856 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000406.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000406.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001617.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001617.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004395.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004395.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001445.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001445.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000001073.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000001073.png 707.0912 +2011_09_26/2011_09_26_drive_0060_sync/image_02/data/0000000017.png 2011_09_26_drive_0060_sync/proj_depth/groundtruth/image_02/0000000017.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000594.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000594.png 721.5377 +2011_09_26/2011_09_26_drive_0017_sync/image_02/data/0000000038.png 2011_09_26_drive_0017_sync/proj_depth/groundtruth/image_02/0000000038.png 721.5377 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000374.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000374.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000541.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000541.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004174.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004174.png 718.856 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000256.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000256.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000244.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000244.png 707.0912 +2011_09_26/2011_09_26_drive_0005_sync/image_02/data/0000000010.png 2011_09_26_drive_0005_sync/proj_depth/groundtruth/image_02/0000000010.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000149.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000149.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001157.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001157.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002161.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002161.png 707.0912 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000272.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000272.png 721.5377 +2011_09_28/2011_09_28_drive_0001_sync/image_02/data/0000000017.png 2011_09_28_drive_0001_sync/proj_depth/groundtruth/image_02/0000000017.png 707.0493 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002896.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002896.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001129.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001129.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004643.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004643.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000321.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000321.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003827.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003827.png 718.856 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000514.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000514.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000515.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000515.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001125.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001125.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000777.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000777.png 707.0912 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000211.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000211.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000205.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000205.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000811.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000811.png 718.856 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000254.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000254.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004164.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004164.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003671.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003671.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000144.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000144.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000263.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000263.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000157.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000157.png 721.5377 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000428.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000428.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000300.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000300.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001894.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001894.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004083.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004083.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000234.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000234.png 707.0912 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000079.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000079.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000418.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000418.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003068.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003068.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000689.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000689.png 721.5377 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000407.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000407.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001178.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001178.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001231.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001231.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000806.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000806.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000348.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000348.png 707.0912 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000089.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000089.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001264.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001264.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001125.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001125.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001141.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001141.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001973.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001973.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000925.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000925.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001372.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001372.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000390.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000390.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000649.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000649.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002339.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002339.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000426.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000426.png 707.0912 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000155.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000155.png 721.5377 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000290.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000290.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002642.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002642.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002034.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002034.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000356.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000356.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004662.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004662.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000765.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000765.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000096.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000096.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000489.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000489.png 707.0912 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000099.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000099.png 721.5377 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000143.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000143.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001097.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001097.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000623.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000623.png 718.856 +2011_09_28/2011_09_28_drive_0001_sync/image_02/data/0000000033.png 2011_09_28_drive_0001_sync/proj_depth/groundtruth/image_02/0000000033.png 707.0493 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000385.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000385.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001190.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001190.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000864.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000864.png 707.0912 +2011_09_29/2011_09_29_drive_0026_sync/image_02/data/0000000111.png 2011_09_29_drive_0026_sync/proj_depth/groundtruth/image_02/0000000111.png 718.3351 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002971.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002971.png 718.856 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000180.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000180.png 721.5377 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000073.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000073.png 721.5377 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000099.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000099.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000448.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000448.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003355.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003355.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000637.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000637.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001907.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001907.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004239.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004239.png 707.0912 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000246.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000246.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000376.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000376.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000521.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000521.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000958.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000958.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003391.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003391.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001926.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001926.png 707.0912 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000345.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000345.png 721.5377 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000269.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000269.png 721.5377 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000126.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000126.png 721.5377 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000304.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000304.png 721.5377 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000044.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000044.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003874.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003874.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001090.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001090.png 707.0912 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000183.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000183.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000158.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000158.png 718.856 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000118.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000118.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003883.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003883.png 707.0912 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000196.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000196.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004090.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004090.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001407.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001407.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004765.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004765.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003396.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003396.png 718.856 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000010.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000010.png 721.5377 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000405.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000405.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000875.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000875.png 707.0912 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000348.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000348.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000204.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000204.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000142.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000142.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000526.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000526.png 707.0912 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000023.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000023.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000865.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000865.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000741.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000741.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002723.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002723.png 707.0912 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000141.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000141.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002026.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002026.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002425.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002425.png 718.856 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000213.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000213.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004441.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004441.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000789.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000789.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000654.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000654.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002531.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002531.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002883.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002883.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000761.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000761.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002730.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002730.png 707.0912 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000098.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000098.png 721.5377 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000351.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000351.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000374.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000374.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000296.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000296.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002897.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002897.png 718.856 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000213.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000213.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004752.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004752.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001161.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001161.png 707.0912 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000080.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000080.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003417.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003417.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000739.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000739.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002731.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002731.png 718.856 +2011_09_29/2011_09_29_drive_0026_sync/image_02/data/0000000090.png 2011_09_29_drive_0026_sync/proj_depth/groundtruth/image_02/0000000090.png 718.3351 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000085.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000085.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004460.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004460.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000131.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000131.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003250.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003250.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003793.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003793.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000133.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000133.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001037.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001037.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000065.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000065.png 707.0912 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000429.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000429.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000856.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000856.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000273.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000273.png 707.0912 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000147.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000147.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002281.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002281.png 707.0912 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000100.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000100.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000585.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000585.png 721.5377 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000284.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000284.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000228.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000228.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000094.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000094.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004905.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004905.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003896.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003896.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000643.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000643.png 707.0912 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000093.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000093.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001964.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001964.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001002.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001002.png 707.0912 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000252.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000252.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000883.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000883.png 707.0912 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000026.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000026.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000496.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000496.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004646.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004646.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000327.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000327.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000989.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000989.png 707.0912 +2011_09_26/2011_09_26_drive_0113_sync/image_02/data/0000000062.png 2011_09_26_drive_0113_sync/proj_depth/groundtruth/image_02/0000000062.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004153.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004153.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000005124.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000005124.png 707.0912 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000244.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000244.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000005169.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000005169.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000432.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000432.png 718.856 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000066.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000066.png 721.5377 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000152.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000152.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001230.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001230.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001229.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001229.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000321.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000321.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001238.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001238.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000488.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000488.png 707.0912 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000174.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000174.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000420.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000420.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001301.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001301.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000608.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000608.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000478.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000478.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004588.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004588.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000372.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000372.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001077.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001077.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001206.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001206.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002320.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002320.png 718.856 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000261.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000261.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000679.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000679.png 721.5377 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000033.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000033.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004315.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004315.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002164.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002164.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000608.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000608.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000257.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000257.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002066.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002066.png 707.0912 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000039.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000039.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000801.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000801.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000834.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000834.png 707.0912 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000070.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000070.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004694.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004694.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001273.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001273.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001424.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001424.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000197.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000197.png 718.856 +2011_09_26/2011_09_26_drive_0005_sync/image_02/data/0000000131.png 2011_09_26_drive_0005_sync/proj_depth/groundtruth/image_02/0000000131.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003008.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003008.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003761.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003761.png 707.0912 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000006.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000006.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000150.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000150.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001884.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001884.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004761.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004761.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002766.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002766.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000106.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000106.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000573.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000573.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001019.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001019.png 707.0912 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000079.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000079.png 718.3351 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000009.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000009.png 721.5377 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000114.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000114.png 718.3351 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000015.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000015.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004867.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004867.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000217.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000217.png 721.5377 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000182.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000182.png 721.5377 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000060.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000060.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000643.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000643.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004894.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004894.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000351.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000351.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001302.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001302.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004934.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004934.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003742.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003742.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001203.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001203.png 718.856 +2011_09_28/2011_09_28_drive_0001_sync/image_02/data/0000000084.png 2011_09_28_drive_0001_sync/proj_depth/groundtruth/image_02/0000000084.png 707.0493 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000272.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000272.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003002.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003002.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002791.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002791.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000773.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000773.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001105.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001105.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000402.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000402.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000080.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000080.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001511.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001511.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003259.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003259.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000493.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000493.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003938.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003938.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001289.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001289.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003087.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003087.png 718.856 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000448.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000448.png 721.5377 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000255.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000255.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002583.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002583.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003273.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003273.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003605.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003605.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000090.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000090.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002966.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002966.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003376.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003376.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000148.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000148.png 718.856 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000057.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000057.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003183.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003183.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003194.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003194.png 707.0912 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000115.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000115.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000878.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000878.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000708.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000708.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001357.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001357.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002641.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002641.png 707.0912 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000096.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000096.png 718.3351 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004540.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004540.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000513.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000513.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000056.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000056.png 718.856 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000358.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000358.png 721.5377 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000111.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000111.png 721.5377 +2011_09_26/2011_09_26_drive_0079_sync/image_02/data/0000000091.png 2011_09_26_drive_0079_sync/proj_depth/groundtruth/image_02/0000000091.png 721.5377 +2011_09_26/2011_09_26_drive_0113_sync/image_02/data/0000000013.png 2011_09_26_drive_0113_sync/proj_depth/groundtruth/image_02/0000000013.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000747.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000747.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000553.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000553.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003587.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003587.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000550.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000550.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004389.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004389.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000944.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000944.png 707.0912 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000183.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000183.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000957.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000957.png 707.0912 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000180.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000180.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000966.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000966.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002996.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002996.png 707.0912 +2011_09_26/2011_09_26_drive_0001_sync/image_02/data/0000000101.png 2011_09_26_drive_0001_sync/proj_depth/groundtruth/image_02/0000000101.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000555.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000555.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001839.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001839.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004482.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004482.png 718.856 +2011_09_26/2011_09_26_drive_0001_sync/image_02/data/0000000034.png 2011_09_26_drive_0001_sync/proj_depth/groundtruth/image_02/0000000034.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002533.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002533.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004091.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004091.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001719.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001719.png 707.0912 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000216.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000216.png 721.5377 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000124.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000124.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000049.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000049.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000755.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000755.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000961.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000961.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001008.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001008.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001279.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001279.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001350.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001350.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000218.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000218.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000296.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000296.png 718.856 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000112.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000112.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001128.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001128.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003504.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003504.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000513.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000513.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000796.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000796.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002510.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002510.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000322.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000322.png 707.0912 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000163.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000163.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000202.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000202.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000137.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000137.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001262.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001262.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001333.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001333.png 718.856 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000172.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000172.png 718.3351 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002406.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002406.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000387.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000387.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001668.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001668.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000747.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000747.png 718.856 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000069.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000069.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001086.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001086.png 707.0912 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000137.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000137.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003150.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003150.png 718.856 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000044.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000044.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001117.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001117.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000674.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000674.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000356.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000356.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000689.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000689.png 718.856 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000194.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000194.png 721.5377 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000007.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000007.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000603.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000603.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000179.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000179.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004496.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004496.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001326.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001326.png 707.0912 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000264.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000264.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000307.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000307.png 718.856 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000337.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000337.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002585.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002585.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000271.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000271.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000098.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000098.png 718.856 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000100.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000100.png 721.5377 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000031.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000031.png 721.5377 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000139.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000139.png 721.5377 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000265.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000265.png 718.3351 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000412.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000412.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003353.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003353.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000363.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000363.png 707.0912 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000448.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000448.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000097.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000097.png 721.5377 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000079.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000079.png 721.5377 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000090.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000090.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004508.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004508.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001181.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001181.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000249.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000249.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003542.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003542.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000274.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000274.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004922.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004922.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000502.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000502.png 718.856 +2011_09_29/2011_09_29_drive_0026_sync/image_02/data/0000000108.png 2011_09_29_drive_0026_sync/proj_depth/groundtruth/image_02/0000000108.png 718.3351 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001139.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001139.png 718.856 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000346.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000346.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000500.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000500.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001305.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001305.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004418.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004418.png 707.0912 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000167.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000167.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001959.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001959.png 707.0912 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000115.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000115.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001506.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001506.png 718.856 +2011_09_29/2011_09_29_drive_0026_sync/image_02/data/0000000046.png 2011_09_29_drive_0026_sync/proj_depth/groundtruth/image_02/0000000046.png 718.3351 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000139.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000139.png 721.5377 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000049.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000049.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003734.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003734.png 718.856 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000432.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000432.png 721.5377 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000247.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000247.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004176.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004176.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004950.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004950.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003804.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003804.png 718.856 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000181.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000181.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000625.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000625.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000795.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000795.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003995.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003995.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000091.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000091.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000421.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000421.png 707.0912 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000154.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000154.png 721.5377 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000179.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000179.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002715.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002715.png 707.0912 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000056.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000056.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000487.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000487.png 707.0912 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000185.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000185.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003644.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003644.png 707.0912 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000077.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000077.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000887.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000887.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001648.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001648.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000528.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000528.png 718.856 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000387.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000387.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000861.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000861.png 718.856 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000051.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000051.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000137.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000137.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004191.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004191.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001498.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001498.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000530.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000530.png 707.0912 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000239.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000239.png 721.5377 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000209.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000209.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001162.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001162.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001795.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001795.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000575.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000575.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000542.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000542.png 707.0912 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000349.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000349.png 721.5377 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000295.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000295.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002994.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002994.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004256.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004256.png 707.0912 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000152.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000152.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000684.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000684.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002020.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002020.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001742.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001742.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001080.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001080.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000206.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000206.png 721.5377 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000056.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000056.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002684.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002684.png 707.0912 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000192.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000192.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001897.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001897.png 718.856 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000130.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000130.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001085.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001085.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000001137.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000001137.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003347.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003347.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001030.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001030.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001297.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001297.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000986.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000986.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003681.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003681.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000929.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000929.png 707.0912 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000290.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000290.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003840.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003840.png 707.0912 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000263.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000263.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003578.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003578.png 718.856 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000196.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000196.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004702.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004702.png 707.0912 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000177.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000177.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001912.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001912.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000052.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000052.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000957.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000957.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003304.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003304.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001022.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001022.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002934.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002934.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003254.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003254.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004630.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004630.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000303.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000303.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001542.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001542.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001965.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001965.png 718.856 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000769.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000769.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004448.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004448.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002668.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002668.png 718.856 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000124.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000124.png 721.5377 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000110.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000110.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000734.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000734.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000830.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000830.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000457.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000457.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003342.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003342.png 718.856 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000371.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000371.png 721.5377 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000312.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000312.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001013.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001013.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000909.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000909.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003449.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003449.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000001084.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000001084.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000497.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000497.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000833.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000833.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000647.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000647.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004266.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004266.png 707.0912 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000236.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000236.png 718.3351 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000451.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000451.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002071.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002071.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000370.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000370.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000820.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000820.png 718.856 +2011_09_26/2011_09_26_drive_0079_sync/image_02/data/0000000072.png 2011_09_26_drive_0079_sync/proj_depth/groundtruth/image_02/0000000072.png 721.5377 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000208.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000208.png 721.5377 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000080.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000080.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000005039.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000005039.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000406.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000406.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000147.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000147.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000520.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000520.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000034.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000034.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004222.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004222.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001200.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001200.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002789.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002789.png 718.856 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000086.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000086.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001026.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001026.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003845.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003845.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000325.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000325.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001799.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001799.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001695.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001695.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000207.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000207.png 707.0912 +2011_09_28/2011_09_28_drive_0001_sync/image_02/data/0000000090.png 2011_09_28_drive_0001_sync/proj_depth/groundtruth/image_02/0000000090.png 707.0493 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000376.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000376.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000052.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000052.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000877.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000877.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002868.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002868.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000070.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000070.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003939.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003939.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000149.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000149.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000939.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000939.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000623.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000623.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000521.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000521.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001240.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001240.png 718.856 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000149.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000149.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000803.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000803.png 718.856 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000333.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000333.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000066.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000066.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001761.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001761.png 707.0912 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000260.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000260.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003278.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003278.png 718.856 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000200.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000200.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000551.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000551.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001386.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001386.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000875.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000875.png 718.856 +2011_09_26/2011_09_26_drive_0005_sync/image_02/data/0000000018.png 2011_09_26_drive_0005_sync/proj_depth/groundtruth/image_02/0000000018.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002806.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002806.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000483.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000483.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000930.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000930.png 707.0912 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000076.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000076.png 721.5377 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000068.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000068.png 721.5377 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000361.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000361.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004284.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004284.png 718.856 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000030.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000030.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002030.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002030.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000304.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000304.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001540.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001540.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000372.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000372.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002839.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002839.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002532.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002532.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000785.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000785.png 707.0912 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000281.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000281.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000643.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000643.png 721.5377 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000072.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000072.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002413.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002413.png 718.856 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000257.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000257.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003472.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003472.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000599.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000599.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001933.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001933.png 718.856 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000571.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000571.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000884.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000884.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002652.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002652.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000403.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000403.png 721.5377 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000291.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000291.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003358.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003358.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001369.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001369.png 707.0912 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000105.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000105.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004187.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004187.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002993.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002993.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000967.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000967.png 707.0912 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000163.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000163.png 721.5377 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000113.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000113.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000485.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000485.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000206.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000206.png 707.0912 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000383.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000383.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002005.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002005.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003077.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003077.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003198.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003198.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003817.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003817.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002825.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002825.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004096.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004096.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000998.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000998.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001892.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001892.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003402.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003402.png 707.0912 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000470.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000470.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000875.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000875.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000118.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000118.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000280.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000280.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004614.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004614.png 707.0912 +2011_09_26/2011_09_26_drive_0001_sync/image_02/data/0000000029.png 2011_09_26_drive_0001_sync/proj_depth/groundtruth/image_02/0000000029.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000716.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000716.png 707.0912 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000227.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000227.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001074.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001074.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000650.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000650.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000742.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000742.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000322.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000322.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001600.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001600.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002654.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002654.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000226.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000226.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001027.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001027.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001448.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001448.png 718.856 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000036.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000036.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003822.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003822.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000111.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000111.png 707.0912 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000218.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000218.png 721.5377 +2011_09_26/2011_09_26_drive_0005_sync/image_02/data/0000000144.png 2011_09_26_drive_0005_sync/proj_depth/groundtruth/image_02/0000000144.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003539.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003539.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000678.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000678.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000447.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000447.png 707.0912 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000400.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000400.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000229.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000229.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001891.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001891.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004427.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004427.png 718.856 +2011_09_26/2011_09_26_drive_0017_sync/image_02/data/0000000010.png 2011_09_26_drive_0017_sync/proj_depth/groundtruth/image_02/0000000010.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000428.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000428.png 707.0912 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000016.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000016.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000033.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000033.png 721.5377 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000355.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000355.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000005166.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000005166.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000495.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000495.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001389.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001389.png 707.0912 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000034.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000034.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000390.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000390.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000553.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000553.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000836.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000836.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000005097.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000005097.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001276.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001276.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004010.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004010.png 718.856 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000284.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000284.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004944.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004944.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002332.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002332.png 707.0912 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000217.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000217.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002043.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002043.png 718.856 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000250.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000250.png 721.5377 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000134.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000134.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003974.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003974.png 718.856 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000023.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000023.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000199.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000199.png 718.856 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000041.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000041.png 721.5377 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000200.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000200.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003180.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003180.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001637.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001637.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000410.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000410.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001261.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001261.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004854.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004854.png 707.0912 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000102.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000102.png 721.5377 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000282.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000282.png 721.5377 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000242.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000242.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001331.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001331.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003322.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003322.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001343.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001343.png 707.0912 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000149.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000149.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004926.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004926.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003385.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003385.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002109.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002109.png 718.856 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000065.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000065.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000610.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000610.png 707.0912 +2011_09_26/2011_09_26_drive_0005_sync/image_02/data/0000000114.png 2011_09_26_drive_0005_sync/proj_depth/groundtruth/image_02/0000000114.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000992.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000992.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004541.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004541.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000108.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000108.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003392.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003392.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001356.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001356.png 707.0912 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000190.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000190.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000565.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000565.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002853.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002853.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001342.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001342.png 707.0912 +2011_09_26/2011_09_26_drive_0001_sync/image_02/data/0000000030.png 2011_09_26_drive_0001_sync/proj_depth/groundtruth/image_02/0000000030.png 721.5377 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000243.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000243.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001010.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001010.png 707.0912 +2011_09_26/2011_09_26_drive_0060_sync/image_02/data/0000000010.png 2011_09_26_drive_0060_sync/proj_depth/groundtruth/image_02/0000000010.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000088.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000088.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000968.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000968.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001384.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001384.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000775.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000775.png 718.856 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000300.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000300.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000872.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000872.png 718.856 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000142.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000142.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000299.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000299.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000001099.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000001099.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004214.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004214.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000434.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000434.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000319.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000319.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001821.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001821.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000766.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000766.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003505.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003505.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002890.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002890.png 718.856 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000079.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000079.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001171.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001171.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000086.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000086.png 707.0912 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000296.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000296.png 721.5377 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000391.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000391.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000653.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000653.png 721.5377 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000213.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000213.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001574.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001574.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000379.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000379.png 707.0912 +2011_09_26/2011_09_26_drive_0079_sync/image_02/data/0000000094.png 2011_09_26_drive_0079_sync/proj_depth/groundtruth/image_02/0000000094.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000458.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000458.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000275.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000275.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003902.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003902.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000634.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000634.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001283.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001283.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001024.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001024.png 707.0912 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000222.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000222.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001516.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001516.png 707.0912 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000239.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000239.png 721.5377 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000043.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000043.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001326.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001326.png 718.856 +2011_09_26/2011_09_26_drive_0079_sync/image_02/data/0000000011.png 2011_09_26_drive_0079_sync/proj_depth/groundtruth/image_02/0000000011.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001331.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001331.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004216.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004216.png 707.0912 +2011_09_28/2011_09_28_drive_0001_sync/image_02/data/0000000070.png 2011_09_28_drive_0001_sync/proj_depth/groundtruth/image_02/0000000070.png 707.0493 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000136.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000136.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003750.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003750.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002249.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002249.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004366.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004366.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000812.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000812.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000361.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000361.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002315.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002315.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001871.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001871.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002024.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002024.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001354.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001354.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002599.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002599.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000152.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000152.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000290.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000290.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000282.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000282.png 707.0912 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000140.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000140.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002581.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002581.png 718.856 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000369.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000369.png 721.5377 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000322.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000322.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000774.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000774.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001972.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001972.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000318.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000318.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001387.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001387.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002910.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002910.png 718.856 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000015.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000015.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000633.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000633.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003301.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003301.png 707.0912 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000161.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000161.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003855.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003855.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000999.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000999.png 707.0912 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000298.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000298.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002507.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002507.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002856.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002856.png 707.0912 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000175.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000175.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000633.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000633.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000293.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000293.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002819.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002819.png 707.0912 +2011_09_26/2011_09_26_drive_0113_sync/image_02/data/0000000034.png 2011_09_26_drive_0113_sync/proj_depth/groundtruth/image_02/0000000034.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004594.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004594.png 718.856 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000507.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000507.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002139.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002139.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001159.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001159.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003334.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003334.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000066.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000066.png 718.856 +2011_09_29/2011_09_29_drive_0026_sync/image_02/data/0000000068.png 2011_09_29_drive_0026_sync/proj_depth/groundtruth/image_02/0000000068.png 718.3351 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000001052.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000001052.png 718.856 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000330.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000330.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000575.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000575.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004613.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004613.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002025.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002025.png 707.0912 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000257.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000257.png 721.5377 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000128.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000128.png 721.5377 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000159.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000159.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003551.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003551.png 707.0912 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000288.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000288.png 721.5377 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000032.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000032.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000293.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000293.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001225.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001225.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001012.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001012.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000821.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000821.png 707.0912 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000209.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000209.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000080.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000080.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000031.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000031.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001404.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001404.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004132.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004132.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000007.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000007.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003919.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003919.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002711.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002711.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000919.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000919.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000251.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000251.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003953.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003953.png 707.0912 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000295.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000295.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002619.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002619.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000949.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000949.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000392.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000392.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000932.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000932.png 718.856 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000459.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000459.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000919.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000919.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002160.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002160.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004440.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004440.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001564.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001564.png 718.856 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000034.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000034.png 721.5377 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000032.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000032.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000538.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000538.png 721.5377 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000183.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000183.png 721.5377 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000213.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000213.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000365.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000365.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000899.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000899.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001900.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001900.png 718.856 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000306.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000306.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000205.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000205.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000410.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000410.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000317.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000317.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000968.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000968.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001130.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001130.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000001076.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000001076.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004381.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004381.png 718.856 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000205.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000205.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000301.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000301.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000854.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000854.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001338.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001338.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000257.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000257.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004359.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004359.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003737.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003737.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003326.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003326.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000240.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000240.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004320.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004320.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001793.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001793.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002437.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002437.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001591.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001591.png 718.856 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000455.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000455.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004840.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004840.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001082.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001082.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003498.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003498.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004977.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004977.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000494.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000494.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002801.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002801.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000183.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000183.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001480.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001480.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001829.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001829.png 718.856 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000323.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000323.png 721.5377 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000071.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000071.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002291.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002291.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000021.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000021.png 707.0912 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000426.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000426.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000396.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000396.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000796.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000796.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000112.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000112.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000556.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000556.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003905.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003905.png 707.0912 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000140.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000140.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000604.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000604.png 721.5377 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000372.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000372.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000509.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000509.png 707.0912 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000254.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000254.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003641.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003641.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001473.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001473.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000157.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000157.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000035.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000035.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000836.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000836.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000797.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000797.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002579.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002579.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000224.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000224.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001106.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001106.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000306.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000306.png 721.5377 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000243.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000243.png 721.5377 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000257.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000257.png 721.5377 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000374.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000374.png 721.5377 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000088.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000088.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003247.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003247.png 718.856 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000411.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000411.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000453.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000453.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003595.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003595.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001944.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001944.png 707.0912 +2011_09_29/2011_09_29_drive_0026_sync/image_02/data/0000000103.png 2011_09_29_drive_0026_sync/proj_depth/groundtruth/image_02/0000000103.png 718.3351 +2011_09_26/2011_09_26_drive_0001_sync/image_02/data/0000000074.png 2011_09_26_drive_0001_sync/proj_depth/groundtruth/image_02/0000000074.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003519.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003519.png 707.0912 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000132.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000132.png 721.5377 +2011_09_29/2011_09_29_drive_0026_sync/image_02/data/0000000009.png 2011_09_29_drive_0026_sync/proj_depth/groundtruth/image_02/0000000009.png 718.3351 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000225.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000225.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002068.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002068.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003264.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003264.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000715.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000715.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000704.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000704.png 707.0912 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000369.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000369.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004648.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004648.png 718.856 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000147.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000147.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002436.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002436.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004236.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004236.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001746.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001746.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003775.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003775.png 707.0912 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000375.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000375.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000691.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000691.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000583.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000583.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000021.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000021.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000740.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000740.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001370.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001370.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002408.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002408.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000367.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000367.png 718.856 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000029.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000029.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002751.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002751.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000005157.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000005157.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000496.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000496.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000001123.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000001123.png 718.856 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000254.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000254.png 721.5377 +2011_09_26/2011_09_26_drive_0079_sync/image_02/data/0000000037.png 2011_09_26_drive_0079_sync/proj_depth/groundtruth/image_02/0000000037.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001437.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001437.png 718.856 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000158.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000158.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000942.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000942.png 718.856 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000248.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000248.png 718.3351 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000457.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000457.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002283.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002283.png 718.856 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000735.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000735.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002270.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002270.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000221.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000221.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001328.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001328.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001776.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001776.png 718.856 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000256.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000256.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000048.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000048.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000598.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000598.png 707.0912 +2011_09_29/2011_09_29_drive_0026_sync/image_02/data/0000000085.png 2011_09_29_drive_0026_sync/proj_depth/groundtruth/image_02/0000000085.png 718.3351 +2011_09_28/2011_09_28_drive_0001_sync/image_02/data/0000000098.png 2011_09_28_drive_0001_sync/proj_depth/groundtruth/image_02/0000000098.png 707.0493 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000801.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000801.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000308.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000308.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001539.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001539.png 718.856 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000036.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000036.png 721.5377 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000227.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000227.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000513.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000513.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000515.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000515.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002745.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002745.png 707.0912 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000036.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000036.png 721.5377 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000388.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000388.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000150.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000150.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000278.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000278.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000629.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000629.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000357.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000357.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000964.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000964.png 707.0912 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000023.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000023.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003127.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003127.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001338.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001338.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004180.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004180.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000005028.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000005028.png 707.0912 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000032.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000032.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000667.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000667.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003791.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003791.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000084.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000084.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002433.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002433.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000337.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000337.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004132.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004132.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000680.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000680.png 707.0912 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000155.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000155.png 718.3351 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000164.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000164.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001633.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001633.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000823.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000823.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000889.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000889.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000005083.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000005083.png 707.0912 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000257.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000257.png 721.5377 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000320.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000320.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004202.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004202.png 707.0912 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000217.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000217.png 718.3351 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000213.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000213.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002104.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002104.png 718.856 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000031.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000031.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000647.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000647.png 718.856 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000258.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000258.png 721.5377 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000286.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000286.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003748.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003748.png 718.856 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000043.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000043.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000385.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000385.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004783.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004783.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000423.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000423.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004374.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004374.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002527.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002527.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003010.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003010.png 707.0912 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000301.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000301.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000256.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000256.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004218.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004218.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001180.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001180.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000517.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000517.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000618.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000618.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001161.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001161.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000272.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000272.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002954.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002954.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003594.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003594.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000107.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000107.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001913.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001913.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000585.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000585.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002022.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002022.png 718.856 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000085.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000085.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000463.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000463.png 707.0912 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000277.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000277.png 718.3351 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002915.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002915.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004021.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004021.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001482.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001482.png 707.0912 +2011_09_26/2011_09_26_drive_0035_sync/image_02/data/0000000103.png 2011_09_26_drive_0035_sync/proj_depth/groundtruth/image_02/0000000103.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002454.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002454.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000194.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000194.png 707.0912 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000332.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000332.png 721.5377 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000224.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000224.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000248.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000248.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004697.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004697.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001505.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001505.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004027.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004027.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002885.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002885.png 718.856 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000103.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000103.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000183.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000183.png 707.0912 +2011_09_26/2011_09_26_drive_0079_sync/image_02/data/0000000044.png 2011_09_26_drive_0079_sync/proj_depth/groundtruth/image_02/0000000044.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000460.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000460.png 718.856 +2011_09_26/2011_09_26_drive_0005_sync/image_02/data/0000000044.png 2011_09_26_drive_0005_sync/proj_depth/groundtruth/image_02/0000000044.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000094.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000094.png 707.0912 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000155.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000155.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000397.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000397.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000041.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000041.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002351.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002351.png 718.856 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000600.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000600.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000202.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000202.png 721.5377 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000085.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000085.png 721.5377 +2011_09_28/2011_09_28_drive_0001_sync/image_02/data/0000000047.png 2011_09_28_drive_0001_sync/proj_depth/groundtruth/image_02/0000000047.png 707.0493 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000295.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000295.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003717.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003717.png 718.856 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000123.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000123.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000979.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000979.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000216.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000216.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001295.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001295.png 707.0912 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000070.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000070.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001308.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001308.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002423.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002423.png 707.0912 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000347.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000347.png 721.5377 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000202.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000202.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002722.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002722.png 718.856 +2011_09_28/2011_09_28_drive_0001_sync/image_02/data/0000000039.png 2011_09_28_drive_0001_sync/proj_depth/groundtruth/image_02/0000000039.png 707.0493 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000084.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000084.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000919.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000919.png 707.0912 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000268.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000268.png 721.5377 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000265.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000265.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004209.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004209.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000714.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000714.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002584.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002584.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000432.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000432.png 707.0912 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000166.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000166.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000620.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000620.png 721.5377 +2011_09_26/2011_09_26_drive_0113_sync/image_02/data/0000000067.png 2011_09_26_drive_0113_sync/proj_depth/groundtruth/image_02/0000000067.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000290.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000290.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000484.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000484.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003099.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003099.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003774.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003774.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002157.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002157.png 718.856 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000320.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000320.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000447.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000447.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001982.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001982.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000715.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000715.png 721.5377 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000151.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000151.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002733.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002733.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000364.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000364.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003095.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003095.png 707.0912 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000174.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000174.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001986.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001986.png 707.0912 +2011_09_26/2011_09_26_drive_0017_sync/image_02/data/0000000033.png 2011_09_26_drive_0017_sync/proj_depth/groundtruth/image_02/0000000033.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001335.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001335.png 707.0912 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000110.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000110.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002284.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002284.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001382.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001382.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000054.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000054.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003704.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003704.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000556.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000556.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001777.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001777.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001825.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001825.png 718.856 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000238.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000238.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002878.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002878.png 718.856 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000388.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000388.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000579.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000579.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002261.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002261.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000836.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000836.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000543.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000543.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001125.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001125.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000001075.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000001075.png 718.856 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000322.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000322.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000676.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000676.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000502.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000502.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001780.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001780.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002166.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002166.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001389.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001389.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004428.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004428.png 707.0912 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000345.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000345.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000200.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000200.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001380.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001380.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000069.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000069.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001560.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001560.png 707.0912 +2011_09_26/2011_09_26_drive_0113_sync/image_02/data/0000000011.png 2011_09_26_drive_0113_sync/proj_depth/groundtruth/image_02/0000000011.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001779.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001779.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002297.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002297.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000798.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000798.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000001005.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000001005.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003844.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003844.png 718.856 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000131.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000131.png 721.5377 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000246.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000246.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004067.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004067.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004104.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004104.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004140.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004140.png 707.0912 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000035.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000035.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001230.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001230.png 718.856 +2011_09_26/2011_09_26_drive_0079_sync/image_02/data/0000000028.png 2011_09_26_drive_0079_sync/proj_depth/groundtruth/image_02/0000000028.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000582.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000582.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000748.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000748.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000633.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000633.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000069.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000069.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004518.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004518.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001057.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001057.png 707.0912 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000190.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000190.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000346.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000346.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000621.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000621.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000146.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000146.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003973.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003973.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001325.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001325.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000929.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000929.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000678.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000678.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003380.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003380.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000583.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000583.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004223.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004223.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002140.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002140.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000402.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000402.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001409.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001409.png 718.856 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000385.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000385.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004377.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004377.png 707.0912 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000102.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000102.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004108.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004108.png 718.856 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000340.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000340.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001095.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001095.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002053.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002053.png 718.856 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000177.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000177.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000368.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000368.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001164.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001164.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001845.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001845.png 718.856 +2011_09_26/2011_09_26_drive_0035_sync/image_02/data/0000000031.png 2011_09_26_drive_0035_sync/proj_depth/groundtruth/image_02/0000000031.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003520.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003520.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004893.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004893.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001958.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001958.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000180.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000180.png 718.856 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000019.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000019.png 718.3351 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003000.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003000.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003433.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003433.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001872.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001872.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003568.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003568.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000961.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000961.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001447.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001447.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001090.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001090.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003850.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003850.png 718.856 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000311.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000311.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001381.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001381.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004144.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004144.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000939.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000939.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001954.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001954.png 718.856 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000406.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000406.png 721.5377 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000257.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000257.png 721.5377 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000145.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000145.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004296.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004296.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001039.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001039.png 707.0912 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000078.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000078.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001695.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001695.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002226.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002226.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001023.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001023.png 707.0912 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000185.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000185.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001111.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001111.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000686.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000686.png 721.5377 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000059.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000059.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002835.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002835.png 707.0912 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000168.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000168.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000383.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000383.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002029.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002029.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004321.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004321.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000066.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000066.png 707.0912 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000138.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000138.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000669.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000669.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001575.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001575.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000346.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000346.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004151.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004151.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003238.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003238.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001274.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001274.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000251.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000251.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000355.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000355.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000631.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000631.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003049.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003049.png 707.0912 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000160.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000160.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000964.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000964.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001936.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001936.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001417.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001417.png 707.0912 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000159.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000159.png 721.5377 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000159.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000159.png 721.5377 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000133.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000133.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004169.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004169.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000190.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000190.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000172.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000172.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000398.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000398.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000746.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000746.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001655.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001655.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001458.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001458.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001772.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001772.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000745.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000745.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003910.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003910.png 718.856 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000308.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000308.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002132.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002132.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002446.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002446.png 707.0912 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000008.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000008.png 721.5377 +2011_09_26/2011_09_26_drive_0113_sync/image_02/data/0000000074.png 2011_09_26_drive_0113_sync/proj_depth/groundtruth/image_02/0000000074.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001027.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001027.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000213.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000213.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003595.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003595.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000701.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000701.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003787.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003787.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003095.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003095.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001970.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001970.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000759.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000759.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003320.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003320.png 718.856 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000508.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000508.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000533.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000533.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004033.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004033.png 718.856 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000151.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000151.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004438.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004438.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003994.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003994.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000774.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000774.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000001053.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000001053.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003284.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003284.png 718.856 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000303.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000303.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000049.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000049.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000005020.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000005020.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003964.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003964.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001519.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001519.png 718.856 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000077.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000077.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001517.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001517.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000238.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000238.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003497.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003497.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000433.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000433.png 721.5377 +2011_09_26/2011_09_26_drive_0035_sync/image_02/data/0000000008.png 2011_09_26_drive_0035_sync/proj_depth/groundtruth/image_02/0000000008.png 721.5377 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000098.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000098.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000015.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000015.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001825.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001825.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000553.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000553.png 707.0912 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000334.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000334.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000976.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000976.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000148.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000148.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000289.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000289.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000044.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000044.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000040.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000040.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002705.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002705.png 707.0912 +2011_09_26/2011_09_26_drive_0079_sync/image_02/data/0000000012.png 2011_09_26_drive_0079_sync/proj_depth/groundtruth/image_02/0000000012.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002551.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002551.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003586.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003586.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000296.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000296.png 707.0912 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000380.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000380.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000854.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000854.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000488.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000488.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001563.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001563.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004126.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004126.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001582.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001582.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003081.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003081.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004387.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004387.png 707.0912 +2011_09_28/2011_09_28_drive_0001_sync/image_02/data/0000000093.png 2011_09_28_drive_0001_sync/proj_depth/groundtruth/image_02/0000000093.png 707.0493 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001898.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001898.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004651.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004651.png 718.856 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000016.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000016.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001065.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001065.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000359.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000359.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004125.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004125.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003370.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003370.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000103.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000103.png 707.0912 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000427.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000427.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000649.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000649.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001559.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001559.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000344.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000344.png 707.0912 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000170.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000170.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000441.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000441.png 721.5377 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000451.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000451.png 721.5377 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000153.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000153.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000472.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000472.png 707.0912 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000178.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000178.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000627.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000627.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001488.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001488.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003345.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003345.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000487.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000487.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000615.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000615.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002699.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002699.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000949.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000949.png 707.0912 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000058.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000058.png 718.3351 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000139.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000139.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000189.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000189.png 721.5377 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000379.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000379.png 721.5377 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000168.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000168.png 718.3351 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000518.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000518.png 707.0912 +2011_09_26/2011_09_26_drive_0060_sync/image_02/data/0000000051.png 2011_09_26_drive_0060_sync/proj_depth/groundtruth/image_02/0000000051.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000518.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000518.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000336.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000336.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000329.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000329.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000968.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000968.png 718.856 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000071.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000071.png 718.3351 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000384.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000384.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001195.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001195.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001375.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001375.png 707.0912 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000167.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000167.png 721.5377 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000287.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000287.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004101.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004101.png 718.856 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000370.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000370.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004440.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004440.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000855.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000855.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000393.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000393.png 718.856 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000216.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000216.png 718.3351 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000076.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000076.png 721.5377 +2011_09_26/2011_09_26_drive_0017_sync/image_02/data/0000000065.png 2011_09_26_drive_0017_sync/proj_depth/groundtruth/image_02/0000000065.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000403.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000403.png 718.856 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000317.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000317.png 721.5377 +2011_09_26/2011_09_26_drive_0001_sync/image_02/data/0000000046.png 2011_09_26_drive_0001_sync/proj_depth/groundtruth/image_02/0000000046.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000039.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000039.png 707.0912 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000405.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000405.png 721.5377 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000015.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000015.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000328.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000328.png 707.0912 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000091.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000091.png 721.5377 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000308.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000308.png 721.5377 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000269.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000269.png 718.3351 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000099.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000099.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000477.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000477.png 707.0912 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000262.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000262.png 721.5377 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000199.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000199.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001143.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001143.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001107.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001107.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001236.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001236.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000051.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000051.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004750.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004750.png 707.0912 +2011_09_26/2011_09_26_drive_0017_sync/image_02/data/0000000054.png 2011_09_26_drive_0017_sync/proj_depth/groundtruth/image_02/0000000054.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000257.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000257.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000070.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000070.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000398.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000398.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000293.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000293.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000051.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000051.png 707.0912 +2011_09_29/2011_09_29_drive_0026_sync/image_02/data/0000000060.png 2011_09_29_drive_0026_sync/proj_depth/groundtruth/image_02/0000000060.png 718.3351 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000038.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000038.png 721.5377 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000025.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000025.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002603.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002603.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000504.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000504.png 707.0912 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000211.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000211.png 721.5377 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000351.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000351.png 721.5377 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000181.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000181.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000373.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000373.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000071.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000071.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000009.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000009.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002899.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002899.png 707.0912 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000228.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000228.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000001052.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000001052.png 707.0912 +2011_09_26/2011_09_26_drive_0005_sync/image_02/data/0000000069.png 2011_09_26_drive_0005_sync/proj_depth/groundtruth/image_02/0000000069.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003350.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003350.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000512.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000512.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000541.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000541.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002597.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002597.png 718.856 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000192.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000192.png 721.5377 +2011_09_26/2011_09_26_drive_0113_sync/image_02/data/0000000032.png 2011_09_26_drive_0113_sync/proj_depth/groundtruth/image_02/0000000032.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000026.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000026.png 721.5377 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000167.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000167.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000401.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000401.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004615.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004615.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004349.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004349.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000681.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000681.png 707.0912 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000346.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000346.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000416.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000416.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000478.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000478.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000678.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000678.png 718.856 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000113.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000113.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003959.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003959.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000040.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000040.png 707.0912 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000202.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000202.png 721.5377 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000372.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000372.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001814.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001814.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002375.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002375.png 707.0912 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000151.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000151.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002842.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002842.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000005137.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000005137.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001523.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001523.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000114.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000114.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002648.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002648.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003881.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003881.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001890.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001890.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000794.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000794.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000090.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000090.png 721.5377 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000263.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000263.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000657.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000657.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002944.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002944.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000935.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000935.png 707.0912 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000436.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000436.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001701.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001701.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000001135.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000001135.png 718.856 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000094.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000094.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000815.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000815.png 707.0912 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000221.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000221.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000075.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000075.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000560.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000560.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002780.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002780.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000972.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000972.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002246.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002246.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000203.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000203.png 721.5377 +2011_09_26/2011_09_26_drive_0005_sync/image_02/data/0000000094.png 2011_09_26_drive_0005_sync/proj_depth/groundtruth/image_02/0000000094.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001490.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001490.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004560.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004560.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001371.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001371.png 707.0912 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000355.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000355.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004176.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004176.png 718.856 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000618.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000618.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000434.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000434.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000742.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000742.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001300.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001300.png 707.0912 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000387.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000387.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003287.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003287.png 707.0912 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000224.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000224.png 721.5377 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000172.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000172.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000129.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000129.png 707.0912 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000399.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000399.png 721.5377 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000237.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000237.png 721.5377 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000317.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000317.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000818.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000818.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000850.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000850.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000931.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000931.png 718.856 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000265.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000265.png 721.5377 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000143.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000143.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000073.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000073.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000209.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000209.png 707.0912 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000015.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000015.png 721.5377 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000268.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000268.png 721.5377 +2011_09_26/2011_09_26_drive_0035_sync/image_02/data/0000000059.png 2011_09_26_drive_0035_sync/proj_depth/groundtruth/image_02/0000000059.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000228.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000228.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000086.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000086.png 707.0912 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000058.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000058.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000104.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000104.png 721.5377 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000381.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000381.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000720.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000720.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004175.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004175.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000640.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000640.png 707.0912 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000156.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000156.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000524.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000524.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004205.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004205.png 707.0912 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000126.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000126.png 721.5377 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000253.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000253.png 718.3351 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004157.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004157.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001184.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001184.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000712.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000712.png 721.5377 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000067.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000067.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001060.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001060.png 707.0912 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000119.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000119.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004555.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004555.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001865.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001865.png 718.856 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000077.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000077.png 718.3351 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000113.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000113.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000456.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000456.png 707.0912 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000193.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000193.png 721.5377 +2011_09_26/2011_09_26_drive_0001_sync/image_02/data/0000000077.png 2011_09_26_drive_0001_sync/proj_depth/groundtruth/image_02/0000000077.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000729.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000729.png 721.5377 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000246.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000246.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001011.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001011.png 707.0912 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000005.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000005.png 721.5377 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000153.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000153.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000994.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000994.png 707.0912 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000312.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000312.png 721.5377 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000151.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000151.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004569.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004569.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001536.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001536.png 707.0912 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000135.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000135.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001765.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001765.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000320.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000320.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000945.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000945.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000045.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000045.png 707.0912 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000083.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000083.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004574.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004574.png 707.0912 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000215.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000215.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000294.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000294.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000114.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000114.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003230.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003230.png 718.856 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000075.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000075.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003861.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003861.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003972.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003972.png 707.0912 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000082.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000082.png 721.5377 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000181.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000181.png 718.3351 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003009.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003009.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003480.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003480.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001601.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001601.png 718.856 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000149.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000149.png 718.3351 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000329.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000329.png 718.3351 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000315.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000315.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001856.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001856.png 707.0912 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000237.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000237.png 721.5377 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000373.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000373.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002344.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002344.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000001096.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000001096.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002497.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002497.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000401.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000401.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000683.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000683.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000158.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000158.png 721.5377 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000268.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000268.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001349.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001349.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000698.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000698.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004862.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004862.png 707.0912 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000197.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000197.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003340.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003340.png 718.856 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000350.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000350.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002471.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002471.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000119.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000119.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002888.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002888.png 707.0912 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000120.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000120.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000447.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000447.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002690.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002690.png 718.856 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000348.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000348.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000266.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000266.png 718.856 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000250.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000250.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000567.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000567.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001020.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001020.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000226.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000226.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003593.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003593.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004141.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004141.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000522.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000522.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002145.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002145.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004056.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004056.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000495.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000495.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000928.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000928.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004536.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004536.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001262.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001262.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000136.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000136.png 721.5377 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000095.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000095.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001101.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001101.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002431.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002431.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000090.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000090.png 718.856 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000101.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000101.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003008.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003008.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000858.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000858.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000380.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000380.png 721.5377 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000032.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000032.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002983.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002983.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000685.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000685.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001036.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001036.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000018.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000018.png 707.0912 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000172.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000172.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000069.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000069.png 721.5377 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000046.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000046.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000923.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000923.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003143.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003143.png 718.856 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000059.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000059.png 718.3351 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000688.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000688.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000561.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000561.png 718.856 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000367.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000367.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003176.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003176.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001405.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001405.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000139.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000139.png 707.0912 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000117.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000117.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000749.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000749.png 707.0912 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000294.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000294.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000559.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000559.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001551.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001551.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002176.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002176.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004885.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004885.png 707.0912 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000164.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000164.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000739.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000739.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001325.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001325.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000797.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000797.png 718.856 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000250.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000250.png 721.5377 +2011_09_29/2011_09_29_drive_0026_sync/image_02/data/0000000078.png 2011_09_29_drive_0026_sync/proj_depth/groundtruth/image_02/0000000078.png 718.3351 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000944.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000944.png 707.0912 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000232.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000232.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000880.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000880.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001938.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001938.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000473.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000473.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003987.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003987.png 718.856 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000143.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000143.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001530.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001530.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001566.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001566.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002613.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002613.png 707.0912 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000106.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000106.png 721.5377 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000096.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000096.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000522.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000522.png 718.856 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000650.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000650.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002324.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002324.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000411.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000411.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000556.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000556.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000638.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000638.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000499.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000499.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003187.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003187.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000538.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000538.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004114.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004114.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003436.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003436.png 718.856 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000163.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000163.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002808.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002808.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001955.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001955.png 707.0912 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000231.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000231.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000415.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000415.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000022.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000022.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000114.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000114.png 707.0912 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000171.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000171.png 718.3351 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000827.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000827.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000290.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000290.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004358.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004358.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001235.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001235.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000245.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000245.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000433.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000433.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000631.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000631.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003419.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003419.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003097.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003097.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000345.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000345.png 707.0912 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000121.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000121.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001506.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001506.png 707.0912 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000022.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000022.png 721.5377 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000353.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000353.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001292.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001292.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003014.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003014.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004581.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004581.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000668.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000668.png 707.0912 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000174.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000174.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000775.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000775.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000062.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000062.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003325.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003325.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003858.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003858.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000061.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000061.png 721.5377 +2011_09_26/2011_09_26_drive_0060_sync/image_02/data/0000000067.png 2011_09_26_drive_0060_sync/proj_depth/groundtruth/image_02/0000000067.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003261.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003261.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000572.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000572.png 707.0912 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000005.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000005.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000167.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000167.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000021.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000021.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000630.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000630.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003156.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003156.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000703.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000703.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000327.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000327.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001127.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001127.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001126.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001126.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000001006.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000001006.png 718.856 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000410.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000410.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001150.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001150.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000263.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000263.png 707.0912 +2011_09_26/2011_09_26_drive_0113_sync/image_02/data/0000000052.png 2011_09_26_drive_0113_sync/proj_depth/groundtruth/image_02/0000000052.png 721.5377 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000161.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000161.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000074.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000074.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000805.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000805.png 707.0912 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000228.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000228.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000895.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000895.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000080.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000080.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001336.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001336.png 718.856 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000331.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000331.png 721.5377 +2011_09_26/2011_09_26_drive_0005_sync/image_02/data/0000000136.png 2011_09_26_drive_0005_sync/proj_depth/groundtruth/image_02/0000000136.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002962.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002962.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004124.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004124.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000317.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000317.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003631.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003631.png 718.856 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000200.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000200.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000105.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000105.png 721.5377 +2011_09_26/2011_09_26_drive_0001_sync/image_02/data/0000000097.png 2011_09_26_drive_0001_sync/proj_depth/groundtruth/image_02/0000000097.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000566.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000566.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004107.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004107.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000329.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000329.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003149.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003149.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000524.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000524.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000689.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000689.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000424.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000424.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000762.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000762.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003653.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003653.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000887.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000887.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000750.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000750.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000744.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000744.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002063.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002063.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000048.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000048.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000614.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000614.png 707.0912 +2011_09_26/2011_09_26_drive_0001_sync/image_02/data/0000000051.png 2011_09_26_drive_0001_sync/proj_depth/groundtruth/image_02/0000000051.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000751.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000751.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002473.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002473.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003202.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003202.png 718.856 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000008.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000008.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001119.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001119.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003865.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003865.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001486.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001486.png 707.0912 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000032.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000032.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002852.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002852.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001249.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001249.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002584.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002584.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003750.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003750.png 707.0912 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000119.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000119.png 721.5377 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000225.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000225.png 721.5377 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000134.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000134.png 721.5377 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000399.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000399.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004818.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004818.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003080.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003080.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000081.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000081.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000536.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000536.png 718.856 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000081.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000081.png 721.5377 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000088.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000088.png 721.5377 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000281.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000281.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000001062.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000001062.png 707.0912 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000089.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000089.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000540.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000540.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004404.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004404.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002686.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002686.png 707.0912 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000275.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000275.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000917.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000917.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000185.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000185.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003746.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003746.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003385.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003385.png 718.856 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000203.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000203.png 721.5377 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000096.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000096.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000046.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000046.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000039.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000039.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004659.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004659.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002349.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002349.png 718.856 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000120.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000120.png 721.5377 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000111.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000111.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001715.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001715.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000143.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000143.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000022.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000022.png 721.5377 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000019.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000019.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003199.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003199.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000344.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000344.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000715.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000715.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003546.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003546.png 718.856 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000154.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000154.png 721.5377 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000234.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000234.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001360.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001360.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000454.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000454.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002453.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002453.png 718.856 +2011_09_28/2011_09_28_drive_0001_sync/image_02/data/0000000056.png 2011_09_28_drive_0001_sync/proj_depth/groundtruth/image_02/0000000056.png 707.0493 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001278.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001278.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000676.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000676.png 721.5377 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000146.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000146.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004376.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004376.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000051.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000051.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000184.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000184.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002441.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002441.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000510.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000510.png 718.856 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000221.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000221.png 721.5377 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000241.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000241.png 721.5377 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000175.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000175.png 721.5377 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000287.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000287.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000842.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000842.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003823.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003823.png 707.0912 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000050.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000050.png 721.5377 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000157.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000157.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001063.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001063.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003603.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003603.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003443.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003443.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000736.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000736.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000113.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000113.png 707.0912 +2011_09_26/2011_09_26_drive_0005_sync/image_02/data/0000000084.png 2011_09_26_drive_0005_sync/proj_depth/groundtruth/image_02/0000000084.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000318.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000318.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001255.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001255.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003977.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003977.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004791.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004791.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000831.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000831.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000830.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000830.png 707.0912 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000305.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000305.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000369.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000369.png 718.856 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000086.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000086.png 721.5377 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000074.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000074.png 721.5377 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000186.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000186.png 721.5377 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000175.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000175.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000300.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000300.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004332.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004332.png 707.0912 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000228.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000228.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000336.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000336.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000683.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000683.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000459.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000459.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003666.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003666.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002871.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002871.png 718.856 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000384.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000384.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004408.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004408.png 718.856 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000595.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000595.png 721.5377 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000028.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000028.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002660.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002660.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001151.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001151.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000001014.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000001014.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002170.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002170.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000005107.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000005107.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000893.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000893.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004890.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004890.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001541.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001541.png 707.0912 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000150.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000150.png 721.5377 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000056.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000056.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001397.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001397.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003118.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003118.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001863.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001863.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000404.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000404.png 707.0912 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000324.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000324.png 721.5377 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000087.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000087.png 721.5377 +2011_09_26/2011_09_26_drive_0001_sync/image_02/data/0000000028.png 2011_09_26_drive_0001_sync/proj_depth/groundtruth/image_02/0000000028.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001959.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001959.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000279.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000279.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000595.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000595.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003633.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003633.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002419.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002419.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000778.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000778.png 718.856 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000131.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000131.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004895.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004895.png 707.0912 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000033.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000033.png 721.5377 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000113.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000113.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000743.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000743.png 707.0912 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000123.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000123.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000492.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000492.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000001159.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000001159.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001820.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001820.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002342.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002342.png 718.856 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000173.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000173.png 721.5377 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000313.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000313.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003899.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003899.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000342.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000342.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003009.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003009.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001539.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001539.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000001026.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000001026.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002670.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002670.png 718.856 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000015.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000015.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000711.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000711.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001121.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001121.png 707.0912 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000033.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000033.png 718.3351 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001977.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001977.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002521.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002521.png 707.0912 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000072.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000072.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000557.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000557.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000877.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000877.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004503.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004503.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000709.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000709.png 707.0912 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000185.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000185.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000418.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000418.png 721.5377 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000083.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000083.png 721.5377 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000221.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000221.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002096.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002096.png 707.0912 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000229.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000229.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002694.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002694.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000782.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000782.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000365.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000365.png 707.0912 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000210.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000210.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002034.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002034.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000542.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000542.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001547.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001547.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000001113.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000001113.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004617.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004617.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001214.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001214.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002104.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002104.png 707.0912 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000161.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000161.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000185.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000185.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000349.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000349.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000594.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000594.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001632.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001632.png 707.0912 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000139.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000139.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003622.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003622.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002795.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002795.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001371.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001371.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001708.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001708.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000204.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000204.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003242.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003242.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001161.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001161.png 707.0912 +2011_09_26/2011_09_26_drive_0017_sync/image_02/data/0000000030.png 2011_09_26_drive_0017_sync/proj_depth/groundtruth/image_02/0000000030.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003219.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003219.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001167.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001167.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002183.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002183.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000089.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000089.png 707.0912 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000052.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000052.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000824.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000824.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000029.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000029.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003039.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003039.png 718.856 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000277.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000277.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000740.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000740.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000319.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000319.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000946.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000946.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000561.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000561.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004274.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004274.png 707.0912 +2011_09_26/2011_09_26_drive_0060_sync/image_02/data/0000000023.png 2011_09_26_drive_0060_sync/proj_depth/groundtruth/image_02/0000000023.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001429.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001429.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004080.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004080.png 718.856 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000233.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000233.png 721.5377 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000320.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000320.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000053.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000053.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001949.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001949.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000117.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000117.png 707.0912 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000235.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000235.png 718.3351 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001748.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001748.png 707.0912 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000032.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000032.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000038.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000038.png 707.0912 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000254.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000254.png 718.3351 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001246.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001246.png 707.0912 +2011_09_26/2011_09_26_drive_0005_sync/image_02/data/0000000057.png 2011_09_26_drive_0005_sync/proj_depth/groundtruth/image_02/0000000057.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000350.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000350.png 707.0912 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000319.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000319.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004980.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004980.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000001004.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000001004.png 718.856 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000196.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000196.png 721.5377 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000139.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000139.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002279.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002279.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003271.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003271.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001128.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001128.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000262.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000262.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003656.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003656.png 718.856 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000082.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000082.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000461.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000461.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002589.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002589.png 707.0912 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000176.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000176.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003837.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003837.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000497.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000497.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001584.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001584.png 707.0912 +2011_09_26/2011_09_26_drive_0017_sync/image_02/data/0000000081.png 2011_09_26_drive_0017_sync/proj_depth/groundtruth/image_02/0000000081.png 721.5377 +2011_09_26/2011_09_26_drive_0113_sync/image_02/data/0000000027.png 2011_09_26_drive_0113_sync/proj_depth/groundtruth/image_02/0000000027.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000257.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000257.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001063.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001063.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000962.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000962.png 707.0912 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000118.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000118.png 721.5377 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000112.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000112.png 721.5377 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000071.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000071.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002817.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002817.png 718.856 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000531.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000531.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000988.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000988.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004415.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004415.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000670.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000670.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003763.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003763.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000753.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000753.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000763.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000763.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000162.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000162.png 721.5377 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000203.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000203.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004020.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004020.png 718.856 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000106.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000106.png 721.5377 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000107.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000107.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000544.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000544.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003427.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003427.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002769.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002769.png 707.0912 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000170.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000170.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000413.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000413.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000281.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000281.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000254.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000254.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001489.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001489.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001586.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001586.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000323.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000323.png 707.0912 +2011_09_26/2011_09_26_drive_0035_sync/image_02/data/0000000083.png 2011_09_26_drive_0035_sync/proj_depth/groundtruth/image_02/0000000083.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001303.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001303.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004026.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004026.png 718.856 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000338.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000338.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001171.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001171.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004282.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004282.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001853.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001853.png 718.856 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000275.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000275.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000092.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000092.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000281.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000281.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000327.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000327.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001728.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001728.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004949.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004949.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000991.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000991.png 707.0912 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000130.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000130.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004329.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004329.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001818.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001818.png 718.856 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000295.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000295.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004520.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004520.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003741.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003741.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000161.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000161.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002684.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002684.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000417.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000417.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000251.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000251.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000952.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000952.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004815.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004815.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003876.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003876.png 707.0912 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000280.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000280.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000461.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000461.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000907.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000907.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004726.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004726.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002973.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002973.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000128.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000128.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001991.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001991.png 707.0912 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000307.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000307.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002883.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002883.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001084.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001084.png 707.0912 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000051.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000051.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000741.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000741.png 707.0912 +2011_09_26/2011_09_26_drive_0035_sync/image_02/data/0000000048.png 2011_09_26_drive_0035_sync/proj_depth/groundtruth/image_02/0000000048.png 721.5377 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000139.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000139.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000188.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000188.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000271.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000271.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000963.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000963.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000650.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000650.png 718.856 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000147.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000147.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000999.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000999.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003218.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003218.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000005056.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000005056.png 707.0912 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000024.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000024.png 718.3351 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000013.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000013.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001278.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001278.png 718.856 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000395.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000395.png 721.5377 +2011_09_29/2011_09_29_drive_0026_sync/image_02/data/0000000124.png 2011_09_29_drive_0026_sync/proj_depth/groundtruth/image_02/0000000124.png 718.3351 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003083.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003083.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000497.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000497.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001650.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001650.png 718.856 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000013.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000013.png 721.5377 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000301.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000301.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002488.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002488.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001033.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001033.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000977.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000977.png 707.0912 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000094.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000094.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000822.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000822.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001158.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001158.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000386.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000386.png 721.5377 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000143.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000143.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000740.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000740.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000884.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000884.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000288.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000288.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004028.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004028.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000176.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000176.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003022.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003022.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004152.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004152.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000541.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000541.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001483.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001483.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003640.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003640.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001122.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001122.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001599.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001599.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003967.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003967.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000070.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000070.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000075.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000075.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000980.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000980.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004110.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004110.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000435.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000435.png 707.0912 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000194.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000194.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000267.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000267.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000260.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000260.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000275.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000275.png 718.856 +2011_09_26/2011_09_26_drive_0017_sync/image_02/data/0000000020.png 2011_09_26_drive_0017_sync/proj_depth/groundtruth/image_02/0000000020.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000951.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000951.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002071.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002071.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002888.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002888.png 718.856 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000142.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000142.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000624.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000624.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000024.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000024.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000062.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000062.png 707.0912 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000070.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000070.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001656.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001656.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001170.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001170.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004850.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004850.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001646.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001646.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004515.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004515.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003972.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003972.png 718.856 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000124.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000124.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004748.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004748.png 707.0912 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000344.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000344.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000300.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000300.png 721.5377 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000075.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000075.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001074.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001074.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000916.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000916.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000262.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000262.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001927.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001927.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004954.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004954.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000373.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000373.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002348.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002348.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002404.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002404.png 707.0912 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000148.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000148.png 721.5377 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000039.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000039.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000775.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000775.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000975.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000975.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000095.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000095.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003066.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003066.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001500.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001500.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000460.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000460.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000777.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000777.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001540.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001540.png 707.0912 +2011_09_26/2011_09_26_drive_0079_sync/image_02/data/0000000020.png 2011_09_26_drive_0079_sync/proj_depth/groundtruth/image_02/0000000020.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002976.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002976.png 707.0912 +2011_09_29/2011_09_29_drive_0026_sync/image_02/data/0000000012.png 2011_09_29_drive_0026_sync/proj_depth/groundtruth/image_02/0000000012.png 718.3351 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001412.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001412.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003599.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003599.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001258.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001258.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001336.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001336.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000477.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000477.png 707.0912 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000105.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000105.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002583.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002583.png 718.856 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000309.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000309.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000888.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000888.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000178.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000178.png 707.0912 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000270.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000270.png 721.5377 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000247.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000247.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001384.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001384.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001431.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001431.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001567.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001567.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000669.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000669.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000140.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000140.png 707.0912 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000240.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000240.png 721.5377 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000117.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000117.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000640.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000640.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001283.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001283.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003630.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003630.png 707.0912 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000027.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000027.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000419.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000419.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002346.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002346.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001795.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001795.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003051.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003051.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003579.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003579.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003834.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003834.png 718.856 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000056.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000056.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004163.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004163.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002743.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002743.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000542.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000542.png 707.0912 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000324.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000324.png 721.5377 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000311.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000311.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000240.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000240.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003803.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003803.png 707.0912 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000287.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000287.png 718.3351 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000430.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000430.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004559.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004559.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003377.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003377.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000001018.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000001018.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000628.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000628.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003799.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003799.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002350.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002350.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004989.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004989.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003501.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003501.png 718.856 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000582.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000582.png 721.5377 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000025.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000025.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002237.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002237.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000970.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000970.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001342.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001342.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000751.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000751.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003457.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003457.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003773.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003773.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000136.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000136.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001067.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001067.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002487.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002487.png 718.856 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000019.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000019.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000192.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000192.png 718.856 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000271.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000271.png 721.5377 +2011_09_28/2011_09_28_drive_0001_sync/image_02/data/0000000100.png 2011_09_28_drive_0001_sync/proj_depth/groundtruth/image_02/0000000100.png 707.0493 +2011_09_26/2011_09_26_drive_0113_sync/image_02/data/0000000044.png 2011_09_26_drive_0113_sync/proj_depth/groundtruth/image_02/0000000044.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000913.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000913.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003502.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003502.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003207.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003207.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003275.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003275.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003177.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003177.png 707.0912 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000051.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000051.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000683.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000683.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004046.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004046.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003048.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003048.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002744.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002744.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000213.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000213.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000990.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000990.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000059.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000059.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000587.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000587.png 707.0912 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000269.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000269.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000366.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000366.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000166.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000166.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001176.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001176.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001094.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001094.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000005140.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000005140.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000838.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000838.png 718.856 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000296.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000296.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001541.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001541.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000834.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000834.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000584.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000584.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001459.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001459.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000108.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000108.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002958.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002958.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001163.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001163.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004170.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004170.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000407.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000407.png 718.856 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000314.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000314.png 721.5377 +2011_09_26/2011_09_26_drive_0079_sync/image_02/data/0000000033.png 2011_09_26_drive_0079_sync/proj_depth/groundtruth/image_02/0000000033.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004964.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004964.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001467.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001467.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003685.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003685.png 707.0912 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000124.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000124.png 721.5377 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000065.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000065.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004370.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004370.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000490.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000490.png 707.0912 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000287.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000287.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002927.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002927.png 707.0912 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000179.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000179.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000712.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000712.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000093.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000093.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000661.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000661.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001142.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001142.png 707.0912 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000048.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000048.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000594.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000594.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001026.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001026.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002308.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002308.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000816.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000816.png 707.0912 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000215.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000215.png 721.5377 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000116.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000116.png 721.5377 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000193.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000193.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000580.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000580.png 707.0912 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000291.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000291.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000357.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000357.png 718.856 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000132.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000132.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000852.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000852.png 707.0912 +2011_09_26/2011_09_26_drive_0060_sync/image_02/data/0000000011.png 2011_09_26_drive_0060_sync/proj_depth/groundtruth/image_02/0000000011.png 721.5377 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000342.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000342.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000696.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000696.png 721.5377 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000058.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000058.png 721.5377 +2011_09_26/2011_09_26_drive_0079_sync/image_02/data/0000000008.png 2011_09_26_drive_0079_sync/proj_depth/groundtruth/image_02/0000000008.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000858.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000858.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000185.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000185.png 707.0912 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000183.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000183.png 721.5377 +2011_09_26/2011_09_26_drive_0060_sync/image_02/data/0000000040.png 2011_09_26_drive_0060_sync/proj_depth/groundtruth/image_02/0000000040.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000168.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000168.png 707.0912 +2011_09_28/2011_09_28_drive_0001_sync/image_02/data/0000000055.png 2011_09_28_drive_0001_sync/proj_depth/groundtruth/image_02/0000000055.png 707.0493 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002933.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002933.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001197.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001197.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001504.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001504.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000995.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000995.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000162.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000162.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000294.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000294.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000265.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000265.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000505.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000505.png 707.0912 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000268.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000268.png 721.5377 +2011_09_29/2011_09_29_drive_0026_sync/image_02/data/0000000055.png 2011_09_29_drive_0026_sync/proj_depth/groundtruth/image_02/0000000055.png 718.3351 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003617.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003617.png 718.856 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000510.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000510.png 721.5377 +2011_09_26/2011_09_26_drive_0005_sync/image_02/data/0000000048.png 2011_09_26_drive_0005_sync/proj_depth/groundtruth/image_02/0000000048.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003192.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003192.png 718.856 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000092.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000092.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000499.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000499.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000485.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000485.png 721.5377 +2011_09_26/2011_09_26_drive_0005_sync/image_02/data/0000000141.png 2011_09_26_drive_0005_sync/proj_depth/groundtruth/image_02/0000000141.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000190.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000190.png 721.5377 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000051.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000051.png 721.5377 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000405.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000405.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004720.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004720.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001598.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001598.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004147.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004147.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003918.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003918.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000315.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000315.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001636.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001636.png 718.856 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000231.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000231.png 721.5377 +2011_09_26/2011_09_26_drive_0060_sync/image_02/data/0000000027.png 2011_09_26_drive_0060_sync/proj_depth/groundtruth/image_02/0000000027.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000005123.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000005123.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000334.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000334.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000127.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000127.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001972.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001972.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000811.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000811.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000100.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000100.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000228.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000228.png 707.0912 +2011_09_26/2011_09_26_drive_0005_sync/image_02/data/0000000125.png 2011_09_26_drive_0005_sync/proj_depth/groundtruth/image_02/0000000125.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004648.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004648.png 707.0912 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000237.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000237.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000671.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000671.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000769.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000769.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001365.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001365.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000453.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000453.png 718.856 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000139.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000139.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000488.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000488.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000918.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000918.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004119.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004119.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000436.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000436.png 707.0912 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000087.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000087.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000358.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000358.png 707.0912 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000239.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000239.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003848.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003848.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001211.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001211.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002726.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002726.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003382.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003382.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002493.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002493.png 707.0912 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000098.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000098.png 721.5377 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000267.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000267.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000684.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000684.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002574.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002574.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001301.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001301.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001358.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001358.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001790.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001790.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001639.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001639.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001228.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001228.png 707.0912 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000173.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000173.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000907.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000907.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000411.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000411.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004139.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004139.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002518.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002518.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000568.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000568.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000678.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000678.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001143.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001143.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004997.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004997.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004362.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004362.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001427.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001427.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001192.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001192.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000001029.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000001029.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002039.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002039.png 718.856 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000053.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000053.png 721.5377 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000075.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000075.png 721.5377 +2011_09_28/2011_09_28_drive_0001_sync/image_02/data/0000000086.png 2011_09_28_drive_0001_sync/proj_depth/groundtruth/image_02/0000000086.png 707.0493 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000156.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000156.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001276.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001276.png 718.856 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000062.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000062.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000055.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000055.png 721.5377 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000229.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000229.png 718.3351 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004979.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004979.png 707.0912 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000121.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000121.png 721.5377 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000178.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000178.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000030.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000030.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000241.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000241.png 707.0912 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000194.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000194.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004319.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004319.png 707.0912 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000238.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000238.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000268.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000268.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004755.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004755.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003301.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003301.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002317.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002317.png 718.856 +2011_09_26/2011_09_26_drive_0113_sync/image_02/data/0000000069.png 2011_09_26_drive_0113_sync/proj_depth/groundtruth/image_02/0000000069.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001804.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001804.png 718.856 +2011_09_26/2011_09_26_drive_0113_sync/image_02/data/0000000079.png 2011_09_26_drive_0113_sync/proj_depth/groundtruth/image_02/0000000079.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000516.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000516.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003623.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003623.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000374.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000374.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000366.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000366.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004786.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004786.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004272.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004272.png 707.0912 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000091.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000091.png 718.3351 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001147.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001147.png 707.0912 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000200.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000200.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000088.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000088.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004528.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004528.png 718.856 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000232.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000232.png 721.5377 +2011_09_28/2011_09_28_drive_0001_sync/image_02/data/0000000089.png 2011_09_28_drive_0001_sync/proj_depth/groundtruth/image_02/0000000089.png 707.0493 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000648.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000648.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000154.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000154.png 721.5377 +2011_09_29/2011_09_29_drive_0026_sync/image_02/data/0000000011.png 2011_09_29_drive_0026_sync/proj_depth/groundtruth/image_02/0000000011.png 718.3351 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000188.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000188.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004505.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004505.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004574.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004574.png 718.856 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000094.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000094.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003872.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003872.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000654.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000654.png 721.5377 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000191.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000191.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000731.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000731.png 707.0912 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000285.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000285.png 721.5377 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000273.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000273.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000892.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000892.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000576.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000576.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002917.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002917.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000095.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000095.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001665.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001665.png 718.856 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000258.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000258.png 721.5377 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000288.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000288.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002019.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002019.png 718.856 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000237.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000237.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000037.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000037.png 707.0912 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000147.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000147.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000073.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000073.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000463.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000463.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000016.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000016.png 721.5377 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000317.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000317.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001491.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001491.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000428.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000428.png 707.0912 +2011_09_26/2011_09_26_drive_0079_sync/image_02/data/0000000017.png 2011_09_26_drive_0079_sync/proj_depth/groundtruth/image_02/0000000017.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002201.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002201.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000057.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000057.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003002.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003002.png 718.856 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000152.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000152.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000947.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000947.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002923.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002923.png 718.856 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000167.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000167.png 721.5377 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000013.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000013.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003527.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003527.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001041.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001041.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001200.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001200.png 718.856 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000319.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000319.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001513.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001513.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002524.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002524.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003584.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003584.png 707.0912 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000204.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000204.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000526.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000526.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000385.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000385.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000640.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000640.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002173.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002173.png 707.0912 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000091.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000091.png 721.5377 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000131.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000131.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001339.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001339.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000726.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000726.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001025.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001025.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004467.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004467.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003965.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003965.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004948.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004948.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002064.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002064.png 707.0912 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000028.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000028.png 721.5377 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000251.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000251.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004028.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004028.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000407.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000407.png 707.0912 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000023.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000023.png 718.3351 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000783.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000783.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000262.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000262.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000126.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000126.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002964.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002964.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000502.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000502.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003174.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003174.png 707.0912 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000311.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000311.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000915.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000915.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003814.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003814.png 718.856 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000176.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000176.png 721.5377 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000112.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000112.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001193.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001193.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000599.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000599.png 721.5377 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000270.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000270.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000001069.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000001069.png 707.0912 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000359.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000359.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000741.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000741.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000159.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000159.png 721.5377 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000138.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000138.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001211.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001211.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000667.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000667.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001017.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001017.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001425.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001425.png 707.0912 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000213.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000213.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000115.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000115.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000839.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000839.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001438.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001438.png 718.856 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000462.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000462.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002519.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002519.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004878.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004878.png 707.0912 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000203.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000203.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000754.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000754.png 718.856 +2011_09_26/2011_09_26_drive_0001_sync/image_02/data/0000000021.png 2011_09_26_drive_0001_sync/proj_depth/groundtruth/image_02/0000000021.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000449.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000449.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000721.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000721.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000371.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000371.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000442.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000442.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000895.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000895.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001481.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001481.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001207.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001207.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004403.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004403.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000439.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000439.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000610.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000610.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003229.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003229.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000348.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000348.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000097.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000097.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004628.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004628.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000849.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000849.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001961.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001961.png 718.856 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000367.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000367.png 721.5377 +2011_09_26/2011_09_26_drive_0035_sync/image_02/data/0000000049.png 2011_09_26_drive_0035_sync/proj_depth/groundtruth/image_02/0000000049.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000828.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000828.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000565.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000565.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000478.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000478.png 721.5377 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000118.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000118.png 721.5377 +2011_09_26/2011_09_26_drive_0113_sync/image_02/data/0000000068.png 2011_09_26_drive_0113_sync/proj_depth/groundtruth/image_02/0000000068.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000142.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000142.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000036.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000036.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000001006.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000001006.png 707.0912 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000316.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000316.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003112.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003112.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000271.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000271.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000593.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000593.png 718.856 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000250.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000250.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003733.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003733.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002389.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002389.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000954.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000954.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001361.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001361.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003770.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003770.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000284.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000284.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000603.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000603.png 707.0912 +2011_09_28/2011_09_28_drive_0001_sync/image_02/data/0000000024.png 2011_09_28_drive_0001_sync/proj_depth/groundtruth/image_02/0000000024.png 707.0493 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001004.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001004.png 707.0912 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000247.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000247.png 718.3351 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000869.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000869.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004521.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004521.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000684.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000684.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000982.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000982.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001028.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001028.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004098.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004098.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002152.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002152.png 718.856 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000020.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000020.png 721.5377 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000158.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000158.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000602.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000602.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000195.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000195.png 707.0912 +2011_09_29/2011_09_29_drive_0026_sync/image_02/data/0000000056.png 2011_09_29_drive_0026_sync/proj_depth/groundtruth/image_02/0000000056.png 718.3351 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000466.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000466.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000984.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000984.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001321.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001321.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000121.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000121.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000587.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000587.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001245.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001245.png 707.0912 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000129.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000129.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001552.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001552.png 707.0912 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000086.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000086.png 721.5377 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000039.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000039.png 721.5377 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000215.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000215.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000477.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000477.png 707.0912 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000172.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000172.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004455.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004455.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000005093.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000005093.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001296.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001296.png 718.856 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000344.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000344.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000459.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000459.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002255.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002255.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003642.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003642.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000568.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000568.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002288.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002288.png 707.0912 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000138.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000138.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001496.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001496.png 707.0912 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000359.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000359.png 721.5377 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000064.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000064.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002525.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002525.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001393.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001393.png 718.856 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000394.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000394.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004816.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004816.png 707.0912 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000147.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000147.png 721.5377 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000304.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000304.png 721.5377 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000199.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000199.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000115.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000115.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003825.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003825.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002593.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002593.png 707.0912 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000140.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000140.png 721.5377 +2011_09_26/2011_09_26_drive_0017_sync/image_02/data/0000000104.png 2011_09_26_drive_0017_sync/proj_depth/groundtruth/image_02/0000000104.png 721.5377 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000166.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000166.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001911.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001911.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004961.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004961.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000292.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000292.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000648.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000648.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002848.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002848.png 707.0912 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000337.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000337.png 721.5377 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000037.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000037.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000271.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000271.png 718.856 +2011_09_26/2011_09_26_drive_0001_sync/image_02/data/0000000036.png 2011_09_26_drive_0001_sync/proj_depth/groundtruth/image_02/0000000036.png 721.5377 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000309.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000309.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001024.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001024.png 718.856 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000014.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000014.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001418.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001418.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004360.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004360.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000578.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000578.png 707.0912 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000331.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000331.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000817.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000817.png 707.0912 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000040.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000040.png 721.5377 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000307.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000307.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000971.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000971.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003619.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003619.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001130.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001130.png 707.0912 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000172.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000172.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000780.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000780.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001416.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001416.png 718.856 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000277.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000277.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000803.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000803.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000005044.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000005044.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004868.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004868.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000654.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000654.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004879.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004879.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001445.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001445.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000811.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000811.png 707.0912 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000224.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000224.png 721.5377 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000292.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000292.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000010.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000010.png 718.856 +2011_09_26/2011_09_26_drive_0005_sync/image_02/data/0000000028.png 2011_09_26_drive_0005_sync/proj_depth/groundtruth/image_02/0000000028.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000041.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000041.png 718.856 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000049.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000049.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003463.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003463.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000284.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000284.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001077.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001077.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003630.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003630.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002575.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002575.png 718.856 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000067.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000067.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000427.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000427.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003245.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003245.png 707.0912 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000409.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000409.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000779.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000779.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003769.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003769.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000563.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000563.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001873.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001873.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001865.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001865.png 707.0912 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000124.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000124.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004077.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004077.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000751.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000751.png 721.5377 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000051.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000051.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000875.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000875.png 707.0912 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000357.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000357.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003063.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003063.png 707.0912 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000173.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000173.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004034.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004034.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000717.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000717.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001329.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001329.png 718.856 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000201.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000201.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000172.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000172.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003887.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003887.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000718.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000718.png 707.0912 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000099.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000099.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000274.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000274.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002767.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002767.png 718.856 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000038.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000038.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004087.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004087.png 707.0912 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000063.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000063.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000525.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000525.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003724.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003724.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004888.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004888.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000677.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000677.png 721.5377 +2011_09_26/2011_09_26_drive_0060_sync/image_02/data/0000000006.png 2011_09_26_drive_0060_sync/proj_depth/groundtruth/image_02/0000000006.png 721.5377 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000338.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000338.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002239.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002239.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000109.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000109.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001723.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001723.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004803.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004803.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000419.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000419.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003800.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003800.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004942.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004942.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001912.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001912.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002702.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002702.png 718.856 +2011_09_26/2011_09_26_drive_0005_sync/image_02/data/0000000045.png 2011_09_26_drive_0005_sync/proj_depth/groundtruth/image_02/0000000045.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001724.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001724.png 718.856 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000622.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000622.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004995.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004995.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000120.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000120.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000780.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000780.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001635.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001635.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003189.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003189.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004603.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004603.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001207.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001207.png 707.0912 +2011_09_26/2011_09_26_drive_0001_sync/image_02/data/0000000061.png 2011_09_26_drive_0001_sync/proj_depth/groundtruth/image_02/0000000061.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004301.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004301.png 707.0912 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000146.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000146.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000687.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000687.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001816.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001816.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002595.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002595.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001173.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001173.png 707.0912 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000089.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000089.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000217.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000217.png 718.856 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000113.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000113.png 721.5377 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000192.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000192.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002303.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002303.png 718.856 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000284.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000284.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001699.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001699.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000602.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000602.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002431.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002431.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000341.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000341.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000029.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000029.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000669.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000669.png 707.0912 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000230.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000230.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000913.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000913.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000318.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000318.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004093.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004093.png 718.856 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000025.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000025.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001688.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001688.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002302.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002302.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002597.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002597.png 707.0912 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000035.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000035.png 721.5377 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000133.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000133.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001170.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001170.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002752.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002752.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001574.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001574.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000405.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000405.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004516.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004516.png 707.0912 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000355.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000355.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000802.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000802.png 707.0912 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000037.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000037.png 718.3351 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003793.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003793.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000564.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000564.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000431.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000431.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004688.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004688.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000715.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000715.png 718.856 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000191.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000191.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000973.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000973.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002451.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002451.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000958.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000958.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001253.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001253.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001198.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001198.png 707.0912 +2011_09_26/2011_09_26_drive_0079_sync/image_02/data/0000000061.png 2011_09_26_drive_0079_sync/proj_depth/groundtruth/image_02/0000000061.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002530.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002530.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001663.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001663.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002825.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002825.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003613.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003613.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002217.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002217.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000666.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000666.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002843.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002843.png 707.0912 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000179.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000179.png 721.5377 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000186.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000186.png 721.5377 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000222.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000222.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001002.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001002.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004415.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004415.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001394.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001394.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000691.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000691.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001224.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001224.png 707.0912 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000092.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000092.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000917.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000917.png 718.856 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000431.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000431.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001803.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001803.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004216.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004216.png 718.856 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000471.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000471.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001206.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001206.png 718.856 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000199.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000199.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000862.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000862.png 707.0912 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000226.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000226.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000824.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000824.png 707.0912 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000126.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000126.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004735.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004735.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000192.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000192.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000496.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000496.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000601.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000601.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000679.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000679.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000001044.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000001044.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000364.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000364.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000005125.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000005125.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000005129.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000005129.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004809.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004809.png 707.0912 +2011_09_29/2011_09_29_drive_0026_sync/image_02/data/0000000082.png 2011_09_29_drive_0026_sync/proj_depth/groundtruth/image_02/0000000082.png 718.3351 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000548.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000548.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004531.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004531.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003090.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003090.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000863.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000863.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000288.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000288.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000545.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000545.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002426.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002426.png 718.856 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000332.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000332.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004391.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004391.png 718.856 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000198.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000198.png 721.5377 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000388.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000388.png 721.5377 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000129.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000129.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002000.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002000.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000159.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000159.png 718.856 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000249.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000249.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002173.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002173.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000157.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000157.png 707.0912 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000189.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000189.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002008.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002008.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000115.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000115.png 718.856 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000187.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000187.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002882.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002882.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000195.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000195.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001785.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001785.png 707.0912 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000288.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000288.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002330.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002330.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000650.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000650.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000350.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000350.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000209.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000209.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004703.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004703.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002887.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002887.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000983.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000983.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000604.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000604.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001237.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001237.png 707.0912 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000261.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000261.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000396.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000396.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002253.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002253.png 707.0912 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000169.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000169.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000116.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000116.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000471.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000471.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000014.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000014.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000996.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000996.png 707.0912 +2011_09_26/2011_09_26_drive_0017_sync/image_02/data/0000000073.png 2011_09_26_drive_0017_sync/proj_depth/groundtruth/image_02/0000000073.png 721.5377 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000060.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000060.png 721.5377 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000144.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000144.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000766.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000766.png 718.856 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000163.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000163.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004585.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004585.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004332.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004332.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000865.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000865.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004539.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004539.png 718.856 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000105.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000105.png 721.5377 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000249.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000249.png 721.5377 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000191.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000191.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001494.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001494.png 707.0912 +2011_09_26/2011_09_26_drive_0079_sync/image_02/data/0000000069.png 2011_09_26_drive_0079_sync/proj_depth/groundtruth/image_02/0000000069.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004033.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004033.png 707.0912 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000182.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000182.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000225.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000225.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001335.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001335.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003828.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003828.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000701.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000701.png 707.0912 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000222.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000222.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001434.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001434.png 718.856 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000050.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000050.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001138.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001138.png 707.0912 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000036.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000036.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002940.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002940.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000043.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000043.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000005106.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000005106.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002309.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002309.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002468.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002468.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003703.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003703.png 707.0912 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000401.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000401.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004721.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004721.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004443.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004443.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000429.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000429.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004258.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004258.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002005.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002005.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002061.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002061.png 718.856 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000122.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000122.png 721.5377 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000092.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000092.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002975.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002975.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002459.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002459.png 718.856 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000054.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000054.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000767.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000767.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002907.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002907.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000439.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000439.png 707.0912 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000096.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000096.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000736.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000736.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000143.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000143.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000952.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000952.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000097.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000097.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003598.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003598.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000890.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000890.png 718.856 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000436.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000436.png 721.5377 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000140.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000140.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003524.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003524.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004357.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004357.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000731.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000731.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000767.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000767.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002053.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002053.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003523.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003523.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000681.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000681.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000566.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000566.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002802.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002802.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000530.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000530.png 721.5377 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000045.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000045.png 721.5377 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000383.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000383.png 721.5377 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000028.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000028.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000225.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000225.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000070.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000070.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000143.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000143.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001534.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001534.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000280.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000280.png 718.856 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000099.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000099.png 721.5377 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000332.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000332.png 718.3351 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003517.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003517.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003810.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003810.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000172.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000172.png 707.0912 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000358.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000358.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000521.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000521.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002911.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002911.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001351.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001351.png 718.856 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000245.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000245.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001142.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001142.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002917.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002917.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000404.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000404.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000005017.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000005017.png 707.0912 +2011_09_26/2011_09_26_drive_0060_sync/image_02/data/0000000026.png 2011_09_26_drive_0060_sync/proj_depth/groundtruth/image_02/0000000026.png 721.5377 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000021.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000021.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003989.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003989.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003216.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003216.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002921.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002921.png 707.0912 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000088.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000088.png 721.5377 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000192.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000192.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000614.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000614.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000400.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000400.png 718.856 +2011_09_26/2011_09_26_drive_0035_sync/image_02/data/0000000093.png 2011_09_26_drive_0035_sync/proj_depth/groundtruth/image_02/0000000093.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000707.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000707.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003673.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003673.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001584.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001584.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004859.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004859.png 707.0912 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000026.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000026.png 721.5377 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000028.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000028.png 718.3351 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001613.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001613.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001731.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001731.png 718.856 +2011_09_26/2011_09_26_drive_0005_sync/image_02/data/0000000109.png 2011_09_26_drive_0005_sync/proj_depth/groundtruth/image_02/0000000109.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002875.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002875.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000639.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000639.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002787.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002787.png 718.856 +2011_09_26/2011_09_26_drive_0001_sync/image_02/data/0000000018.png 2011_09_26_drive_0001_sync/proj_depth/groundtruth/image_02/0000000018.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000638.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000638.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001623.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001623.png 718.856 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000173.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000173.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000312.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000312.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000232.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000232.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004405.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004405.png 707.0912 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000303.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000303.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000001030.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000001030.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003172.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003172.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000734.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000734.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001123.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001123.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000525.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000525.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001324.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001324.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000266.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000266.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003826.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003826.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000108.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000108.png 721.5377 +2011_09_26/2011_09_26_drive_0060_sync/image_02/data/0000000072.png 2011_09_26_drive_0060_sync/proj_depth/groundtruth/image_02/0000000072.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000124.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000124.png 721.5377 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000024.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000024.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000583.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000583.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000834.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000834.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001585.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001585.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001012.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001012.png 718.856 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000401.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000401.png 721.5377 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000082.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000082.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004464.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004464.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000497.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000497.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000043.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000043.png 718.856 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000018.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000018.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000488.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000488.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002114.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002114.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000021.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000021.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003542.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003542.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004001.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004001.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002164.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002164.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000681.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000681.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003868.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003868.png 718.856 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000297.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000297.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001303.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001303.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002962.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002962.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000493.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000493.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000727.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000727.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000849.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000849.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003307.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003307.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000719.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000719.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000144.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000144.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002414.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002414.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000364.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000364.png 707.0912 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000091.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000091.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000001073.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000001073.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000299.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000299.png 707.0912 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000119.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000119.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003875.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003875.png 718.856 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000683.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000683.png 721.5377 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000093.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000093.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001123.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001123.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000480.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000480.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000183.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000183.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001218.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001218.png 707.0912 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000136.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000136.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004369.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004369.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003148.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003148.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002286.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002286.png 707.0912 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000069.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000069.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004095.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004095.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000178.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000178.png 721.5377 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000126.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000126.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001160.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001160.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000561.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000561.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001374.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001374.png 718.856 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000207.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000207.png 721.5377 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000024.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000024.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000822.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000822.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000276.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000276.png 707.0912 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000160.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000160.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000008.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000008.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000624.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000624.png 718.856 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000221.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000221.png 721.5377 +2011_09_26/2011_09_26_drive_0113_sync/image_02/data/0000000017.png 2011_09_26_drive_0113_sync/proj_depth/groundtruth/image_02/0000000017.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000411.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000411.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000983.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000983.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004039.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004039.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000149.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000149.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001072.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001072.png 707.0912 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000345.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000345.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000409.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000409.png 707.0912 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000302.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000302.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001011.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001011.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000690.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000690.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003196.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003196.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004392.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004392.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003607.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003607.png 707.0912 +2011_09_29/2011_09_29_drive_0026_sync/image_02/data/0000000095.png 2011_09_29_drive_0026_sync/proj_depth/groundtruth/image_02/0000000095.png 718.3351 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004532.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004532.png 718.856 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000709.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000709.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002495.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002495.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001215.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001215.png 707.0912 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000364.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000364.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003229.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003229.png 718.856 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000323.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000323.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002737.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002737.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001268.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001268.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003438.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003438.png 718.856 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000601.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000601.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003903.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003903.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002093.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002093.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001396.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001396.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000409.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000409.png 721.5377 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000376.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000376.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003058.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003058.png 718.856 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000219.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000219.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003067.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003067.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004161.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004161.png 718.856 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000568.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000568.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000006.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000006.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001510.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001510.png 718.856 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000162.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000162.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002624.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002624.png 718.856 +2011_09_29/2011_09_29_drive_0026_sync/image_02/data/0000000018.png 2011_09_29_drive_0026_sync/proj_depth/groundtruth/image_02/0000000018.png 718.3351 +2011_09_26/2011_09_26_drive_0005_sync/image_02/data/0000000077.png 2011_09_26_drive_0005_sync/proj_depth/groundtruth/image_02/0000000077.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003935.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003935.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001105.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001105.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000282.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000282.png 721.5377 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000023.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000023.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000674.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000674.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001152.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001152.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002266.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002266.png 707.0912 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000270.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000270.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000001045.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000001045.png 718.856 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000047.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000047.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001535.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001535.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000517.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000517.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002780.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002780.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003663.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003663.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001481.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001481.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002059.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002059.png 707.0912 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000275.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000275.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000574.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000574.png 707.0912 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000317.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000317.png 721.5377 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000408.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000408.png 721.5377 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000008.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000008.png 721.5377 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000220.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000220.png 721.5377 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000313.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000313.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000957.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000957.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000730.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000730.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004583.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004583.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003650.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003650.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004383.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004383.png 718.856 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000195.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000195.png 721.5377 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000060.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000060.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000622.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000622.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003493.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003493.png 718.856 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000034.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000034.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000511.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000511.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000097.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000097.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000025.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000025.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000598.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000598.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003987.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003987.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000800.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000800.png 707.0912 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000198.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000198.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002134.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002134.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000318.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000318.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001523.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001523.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003099.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003099.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000040.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000040.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000047.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000047.png 707.0912 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000326.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000326.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000036.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000036.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003507.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003507.png 707.0912 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000097.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000097.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002456.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002456.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000411.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000411.png 707.0912 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000175.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000175.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003393.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003393.png 718.856 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000271.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000271.png 718.3351 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000231.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000231.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004395.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004395.png 718.856 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000290.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000290.png 721.5377 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000379.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000379.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002286.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002286.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004241.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004241.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002827.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002827.png 707.0912 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000276.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000276.png 721.5377 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000285.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000285.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000404.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000404.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002092.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002092.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001556.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001556.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003782.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003782.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003932.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003932.png 707.0912 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000246.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000246.png 721.5377 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000266.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000266.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000274.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000274.png 707.0912 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000284.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000284.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000475.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000475.png 721.5377 +2011_09_26/2011_09_26_drive_0079_sync/image_02/data/0000000014.png 2011_09_26_drive_0079_sync/proj_depth/groundtruth/image_02/0000000014.png 721.5377 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000333.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000333.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000210.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000210.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004518.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004518.png 707.0912 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000042.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000042.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001258.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001258.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000325.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000325.png 707.0912 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000148.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000148.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000185.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000185.png 707.0912 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000086.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000086.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004298.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004298.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000104.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000104.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000249.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000249.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000152.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000152.png 721.5377 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000027.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000027.png 718.3351 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000011.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000011.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002038.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002038.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002641.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002641.png 718.856 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000365.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000365.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000072.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000072.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000912.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000912.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000809.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000809.png 707.0912 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000093.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000093.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004640.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004640.png 718.856 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000168.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000168.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003661.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003661.png 707.0912 +2011_09_26/2011_09_26_drive_0005_sync/image_02/data/0000000100.png 2011_09_26_drive_0005_sync/proj_depth/groundtruth/image_02/0000000100.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002717.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002717.png 707.0912 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000009.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000009.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000570.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000570.png 721.5377 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000091.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000091.png 721.5377 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000204.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000204.png 718.3351 +2011_09_26/2011_09_26_drive_0035_sync/image_02/data/0000000017.png 2011_09_26_drive_0035_sync/proj_depth/groundtruth/image_02/0000000017.png 721.5377 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000185.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000185.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000504.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000504.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000646.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000646.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000035.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000035.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000767.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000767.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002602.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002602.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000677.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000677.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003654.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003654.png 707.0912 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000118.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000118.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001948.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001948.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002114.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002114.png 718.856 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000418.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000418.png 721.5377 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000174.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000174.png 718.3351 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000721.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000721.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003611.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003611.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000796.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000796.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001463.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001463.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000386.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000386.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003021.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003021.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000717.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000717.png 707.0912 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000299.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000299.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001571.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001571.png 707.0912 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000058.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000058.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000096.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000096.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000478.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000478.png 707.0912 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000275.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000275.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001235.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001235.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000348.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000348.png 707.0912 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000145.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000145.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000594.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000594.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000287.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000287.png 721.5377 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000008.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000008.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002338.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002338.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000167.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000167.png 707.0912 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000211.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000211.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000594.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000594.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001222.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001222.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000416.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000416.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000364.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000364.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000490.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000490.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000067.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000067.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000550.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000550.png 707.0912 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000278.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000278.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001830.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001830.png 707.0912 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000073.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000073.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000388.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000388.png 718.856 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000117.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000117.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004139.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004139.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002239.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002239.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003227.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003227.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003525.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003525.png 718.856 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000110.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000110.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003184.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003184.png 718.856 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000289.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000289.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004614.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004614.png 718.856 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000036.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000036.png 721.5377 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000370.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000370.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004015.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004015.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002241.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002241.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001572.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001572.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000212.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000212.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002601.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002601.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000433.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000433.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000857.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000857.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000410.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000410.png 707.0912 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000074.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000074.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001809.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001809.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002951.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002951.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003986.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003986.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003566.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003566.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000436.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000436.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000794.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000794.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000001039.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000001039.png 707.0912 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000046.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000046.png 721.5377 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000223.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000223.png 721.5377 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000058.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000058.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000954.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000954.png 707.0912 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000070.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000070.png 721.5377 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000292.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000292.png 721.5377 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000241.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000241.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004582.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004582.png 707.0912 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000080.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000080.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001003.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001003.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003362.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003362.png 718.856 +2011_09_26/2011_09_26_drive_0001_sync/image_02/data/0000000022.png 2011_09_26_drive_0001_sync/proj_depth/groundtruth/image_02/0000000022.png 721.5377 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000082.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000082.png 721.5377 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000130.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000130.png 721.5377 +2011_09_29/2011_09_29_drive_0026_sync/image_02/data/0000000049.png 2011_09_29_drive_0026_sync/proj_depth/groundtruth/image_02/0000000049.png 718.3351 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002482.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002482.png 718.856 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000371.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000371.png 721.5377 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000419.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000419.png 721.5377 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000179.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000179.png 721.5377 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000010.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000010.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000159.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000159.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000111.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000111.png 707.0912 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000297.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000297.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000486.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000486.png 718.856 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000712.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000712.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002606.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002606.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001054.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001054.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000899.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000899.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002482.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002482.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004249.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004249.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001194.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001194.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003604.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003604.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001858.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001858.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003541.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003541.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003445.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003445.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000370.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000370.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003533.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003533.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000033.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000033.png 718.856 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000284.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000284.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000932.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000932.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000208.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000208.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004630.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004630.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000709.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000709.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001120.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001120.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000871.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000871.png 707.0912 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000211.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000211.png 721.5377 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000007.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000007.png 721.5377 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000321.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000321.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000582.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000582.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004068.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004068.png 718.856 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000371.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000371.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002485.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002485.png 718.856 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000297.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000297.png 718.3351 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004364.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004364.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003441.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003441.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000519.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000519.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000761.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000761.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001201.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001201.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001942.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001942.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000611.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000611.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000213.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000213.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000070.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000070.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000480.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000480.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000559.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000559.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000665.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000665.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001053.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001053.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002517.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002517.png 718.856 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000588.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000588.png 721.5377 +2011_09_26/2011_09_26_drive_0017_sync/image_02/data/0000000069.png 2011_09_26_drive_0017_sync/proj_depth/groundtruth/image_02/0000000069.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000529.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000529.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000667.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000667.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003922.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003922.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003697.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003697.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000747.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000747.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000725.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000725.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000682.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000682.png 721.5377 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000362.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000362.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004530.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004530.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000522.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000522.png 707.0912 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000243.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000243.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003487.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003487.png 718.856 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000341.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000341.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000260.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000260.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000146.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000146.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000065.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000065.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000604.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000604.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001337.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001337.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000328.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000328.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002040.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002040.png 718.856 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000516.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000516.png 721.5377 +2011_09_26/2011_09_26_drive_0005_sync/image_02/data/0000000072.png 2011_09_26_drive_0005_sync/proj_depth/groundtruth/image_02/0000000072.png 721.5377 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000064.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000064.png 718.3351 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004587.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004587.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001877.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001877.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000955.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000955.png 707.0912 +2011_09_28/2011_09_28_drive_0001_sync/image_02/data/0000000030.png 2011_09_28_drive_0001_sync/proj_depth/groundtruth/image_02/0000000030.png 707.0493 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003903.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003903.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003206.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003206.png 718.856 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000397.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000397.png 721.5377 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000329.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000329.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000313.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000313.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001410.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001410.png 718.856 +2011_09_29/2011_09_29_drive_0026_sync/image_02/data/0000000014.png 2011_09_29_drive_0026_sync/proj_depth/groundtruth/image_02/0000000014.png 718.3351 +2011_09_28/2011_09_28_drive_0001_sync/image_02/data/0000000096.png 2011_09_28_drive_0001_sync/proj_depth/groundtruth/image_02/0000000096.png 707.0493 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003123.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003123.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000621.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000621.png 718.856 +2011_09_26/2011_09_26_drive_0113_sync/image_02/data/0000000061.png 2011_09_26_drive_0113_sync/proj_depth/groundtruth/image_02/0000000061.png 721.5377 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000109.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000109.png 721.5377 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000180.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000180.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002088.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002088.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000513.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000513.png 721.5377 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000319.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000319.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000030.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000030.png 721.5377 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000110.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000110.png 721.5377 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000413.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000413.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000579.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000579.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003066.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003066.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000693.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000693.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000562.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000562.png 707.0912 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000032.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000032.png 721.5377 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000157.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000157.png 721.5377 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000286.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000286.png 721.5377 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000101.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000101.png 721.5377 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000021.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000021.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002671.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002671.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000770.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000770.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001917.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001917.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001128.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001128.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000432.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000432.png 721.5377 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000137.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000137.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000278.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000278.png 707.0912 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000006.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000006.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001492.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001492.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000292.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000292.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001529.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001529.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002086.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002086.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000888.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000888.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000308.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000308.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000841.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000841.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000757.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000757.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004549.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004549.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000542.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000542.png 707.0912 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000335.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000335.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000298.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000298.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000005087.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000005087.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003223.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003223.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001141.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001141.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001099.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001099.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004115.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004115.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003648.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003648.png 707.0912 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000180.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000180.png 721.5377 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000326.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000326.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004797.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004797.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001165.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001165.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000375.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000375.png 707.0912 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000192.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000192.png 721.5377 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000067.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000067.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001238.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001238.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002545.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002545.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000075.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000075.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001847.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001847.png 718.856 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000427.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000427.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000563.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000563.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002824.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002824.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004634.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004634.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000599.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000599.png 718.856 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000303.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000303.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000391.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000391.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000996.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000996.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003484.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003484.png 718.856 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000296.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000296.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001103.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001103.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000181.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000181.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000396.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000396.png 707.0912 +2011_09_26/2011_09_26_drive_0113_sync/image_02/data/0000000023.png 2011_09_26_drive_0113_sync/proj_depth/groundtruth/image_02/0000000023.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000925.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000925.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000401.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000401.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002992.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002992.png 718.856 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000014.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000014.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000289.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000289.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000201.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000201.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000620.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000620.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000249.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000249.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003401.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003401.png 707.0912 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000354.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000354.png 721.5377 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000035.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000035.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000801.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000801.png 707.0912 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000196.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000196.png 721.5377 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000125.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000125.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000248.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000248.png 707.0912 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000190.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000190.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000005042.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000005042.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001448.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001448.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000218.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000218.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004724.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004724.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004565.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004565.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001970.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001970.png 718.856 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000150.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000150.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004306.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004306.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003204.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003204.png 707.0912 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000159.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000159.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000959.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000959.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000857.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000857.png 707.0912 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000201.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000201.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004594.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004594.png 707.0912 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000261.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000261.png 721.5377 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000319.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000319.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000860.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000860.png 718.856 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000260.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000260.png 721.5377 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000208.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000208.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002905.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002905.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000163.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000163.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000252.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000252.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000473.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000473.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000224.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000224.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000651.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000651.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002838.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002838.png 718.856 +2011_09_28/2011_09_28_drive_0001_sync/image_02/data/0000000050.png 2011_09_28_drive_0001_sync/proj_depth/groundtruth/image_02/0000000050.png 707.0493 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000391.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000391.png 721.5377 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000031.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000031.png 721.5377 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000128.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000128.png 721.5377 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000148.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000148.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000194.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000194.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000045.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000045.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000263.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000263.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003335.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003335.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003107.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003107.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000215.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000215.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003226.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003226.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001898.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001898.png 718.856 +2011_09_26/2011_09_26_drive_0035_sync/image_02/data/0000000067.png 2011_09_26_drive_0035_sync/proj_depth/groundtruth/image_02/0000000067.png 721.5377 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000242.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000242.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000383.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000383.png 721.5377 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000009.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000009.png 718.3351 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002045.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002045.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000499.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000499.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004318.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004318.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000847.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000847.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000910.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000910.png 707.0912 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000097.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000097.png 721.5377 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000137.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000137.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004135.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004135.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003475.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003475.png 718.856 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000191.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000191.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001081.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001081.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000892.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000892.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000067.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000067.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004637.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004637.png 707.0912 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000153.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000153.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000904.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000904.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004649.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004649.png 707.0912 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000356.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000356.png 721.5377 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000225.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000225.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001407.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001407.png 707.0912 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000044.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000044.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003236.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003236.png 718.856 +2011_09_26/2011_09_26_drive_0113_sync/image_02/data/0000000076.png 2011_09_26_drive_0113_sync/proj_depth/groundtruth/image_02/0000000076.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000391.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000391.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000920.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000920.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003235.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003235.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001975.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001975.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000402.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000402.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000859.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000859.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000992.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000992.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003110.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003110.png 707.0912 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000163.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000163.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000344.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000344.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000540.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000540.png 721.5377 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000056.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000056.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000253.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000253.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000892.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000892.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003090.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003090.png 718.856 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000391.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000391.png 721.5377 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000231.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000231.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001226.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001226.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001391.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001391.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001880.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001880.png 707.0912 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000261.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000261.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000255.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000255.png 707.0912 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000128.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000128.png 721.5377 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000166.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000166.png 721.5377 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000119.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000119.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000231.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000231.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001674.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001674.png 718.856 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000242.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000242.png 721.5377 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000226.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000226.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000784.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000784.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002007.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002007.png 718.856 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000259.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000259.png 718.3351 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000345.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000345.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000025.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000025.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000839.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000839.png 718.856 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000040.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000040.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002973.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002973.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003500.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003500.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000190.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000190.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001691.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001691.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000494.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000494.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001176.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001176.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000144.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000144.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004105.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004105.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000149.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000149.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003929.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003929.png 718.856 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000104.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000104.png 718.3351 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004244.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004244.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000710.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000710.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003089.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003089.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004250.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004250.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004983.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004983.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000971.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000971.png 707.0912 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000047.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000047.png 721.5377 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000312.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000312.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000688.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000688.png 707.0912 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000207.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000207.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001666.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001666.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003791.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003791.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001231.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001231.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000219.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000219.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001121.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001121.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003363.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003363.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004457.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004457.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000424.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000424.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000705.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000705.png 718.856 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000413.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000413.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000377.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000377.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000211.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000211.png 718.856 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000005.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000005.png 721.5377 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000105.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000105.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000635.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000635.png 707.0912 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000302.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000302.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004494.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004494.png 707.0912 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000087.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000087.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004449.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004449.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003078.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003078.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001346.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001346.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003158.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003158.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000114.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000114.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000295.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000295.png 718.856 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000185.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000185.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000734.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000734.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000779.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000779.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004525.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004525.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002836.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002836.png 718.856 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000410.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000410.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000056.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000056.png 718.856 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000648.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000648.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000125.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000125.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000445.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000445.png 707.0912 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000403.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000403.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000027.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000027.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001213.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001213.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003884.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003884.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001532.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001532.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004375.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004375.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000624.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000624.png 721.5377 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000253.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000253.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001420.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001420.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000449.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000449.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002139.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002139.png 718.856 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000034.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000034.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001544.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001544.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003412.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003412.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001618.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001618.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002464.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002464.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001058.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001058.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000292.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000292.png 707.0912 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000232.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000232.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000845.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000845.png 707.0912 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000365.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000365.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000758.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000758.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002296.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002296.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000344.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000344.png 721.5377 +2011_09_26/2011_09_26_drive_0060_sync/image_02/data/0000000043.png 2011_09_26_drive_0060_sync/proj_depth/groundtruth/image_02/0000000043.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002840.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002840.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001006.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001006.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000632.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000632.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004054.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004054.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001605.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001605.png 718.856 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000093.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000093.png 718.3351 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003749.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003749.png 707.0912 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000134.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000134.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004746.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004746.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000592.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000592.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004129.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004129.png 718.856 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000219.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000219.png 721.5377 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000060.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000060.png 718.3351 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000242.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000242.png 721.5377 +2011_09_29/2011_09_29_drive_0026_sync/image_02/data/0000000122.png 2011_09_29_drive_0026_sync/proj_depth/groundtruth/image_02/0000000122.png 718.3351 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000985.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000985.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001670.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001670.png 718.856 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000431.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000431.png 721.5377 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000278.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000278.png 721.5377 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000117.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000117.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003305.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003305.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000492.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000492.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000001028.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000001028.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001054.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001054.png 707.0912 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000155.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000155.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001001.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001001.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000510.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000510.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000340.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000340.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000150.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000150.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001186.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001186.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003713.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003713.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000005035.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000005035.png 707.0912 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000007.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000007.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000168.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000168.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001641.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001641.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002996.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002996.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000990.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000990.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000421.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000421.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000303.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000303.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004429.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004429.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000162.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000162.png 707.0912 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000092.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000092.png 718.3351 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000238.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000238.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001900.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001900.png 707.0912 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000373.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000373.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000874.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000874.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001531.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001531.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003153.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003153.png 718.856 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000084.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000084.png 721.5377 +2011_09_26/2011_09_26_drive_0035_sync/image_02/data/0000000013.png 2011_09_26_drive_0035_sync/proj_depth/groundtruth/image_02/0000000013.png 721.5377 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000339.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000339.png 721.5377 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000209.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000209.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001125.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001125.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000927.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000927.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000005018.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000005018.png 707.0912 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000250.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000250.png 718.3351 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000718.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000718.png 707.0912 +2011_09_26/2011_09_26_drive_0017_sync/image_02/data/0000000057.png 2011_09_26_drive_0017_sync/proj_depth/groundtruth/image_02/0000000057.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002137.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002137.png 707.0912 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000210.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000210.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000886.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000886.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001624.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001624.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002402.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002402.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001796.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001796.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002763.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002763.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000763.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000763.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001265.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001265.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000378.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000378.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001352.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001352.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002964.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002964.png 707.0912 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000318.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000318.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000463.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000463.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002046.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002046.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000218.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000218.png 718.856 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000380.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000380.png 721.5377 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000118.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000118.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001949.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001949.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000001055.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000001055.png 718.856 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000050.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000050.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000979.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000979.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000005009.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000005009.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001363.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001363.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000246.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000246.png 718.856 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000083.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000083.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001233.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001233.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003824.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003824.png 718.856 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000238.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000238.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000792.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000792.png 721.5377 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000333.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000333.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001615.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001615.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000678.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000678.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004406.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004406.png 707.0912 +2011_09_26/2011_09_26_drive_0005_sync/image_02/data/0000000022.png 2011_09_26_drive_0005_sync/proj_depth/groundtruth/image_02/0000000022.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000634.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000634.png 707.0912 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000307.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000307.png 718.3351 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003998.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003998.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000697.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000697.png 721.5377 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000264.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000264.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003956.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003956.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000593.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000593.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000001148.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000001148.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000793.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000793.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002795.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002795.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000219.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000219.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000681.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000681.png 718.856 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000119.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000119.png 721.5377 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000062.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000062.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002593.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002593.png 718.856 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000382.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000382.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003701.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003701.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000649.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000649.png 721.5377 +2011_09_26/2011_09_26_drive_0060_sync/image_02/data/0000000046.png 2011_09_26_drive_0060_sync/proj_depth/groundtruth/image_02/0000000046.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001412.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001412.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002337.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002337.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001007.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001007.png 707.0912 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000206.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000206.png 718.3351 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000199.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000199.png 718.3351 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001639.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001639.png 718.856 +2011_09_26/2011_09_26_drive_0113_sync/image_02/data/0000000009.png 2011_09_26_drive_0113_sync/proj_depth/groundtruth/image_02/0000000009.png 721.5377 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000259.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000259.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002801.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002801.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002229.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002229.png 707.0912 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000218.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000218.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004213.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004213.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000239.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000239.png 707.0912 +2011_09_26/2011_09_26_drive_0035_sync/image_02/data/0000000038.png 2011_09_26_drive_0035_sync/proj_depth/groundtruth/image_02/0000000038.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000001012.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000001012.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001405.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001405.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000276.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000276.png 707.0912 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000301.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000301.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001241.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001241.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000001039.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000001039.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004624.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004624.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001023.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001023.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000840.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000840.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000562.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000562.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002073.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002073.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002714.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002714.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001084.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001084.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003106.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003106.png 718.856 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000356.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000356.png 721.5377 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000184.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000184.png 718.3351 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000466.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000466.png 707.0912 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000268.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000268.png 721.5377 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000273.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000273.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001762.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001762.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000361.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000361.png 721.5377 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000146.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000146.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000052.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000052.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000293.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000293.png 718.856 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000109.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000109.png 721.5377 +2011_09_26/2011_09_26_drive_0060_sync/image_02/data/0000000059.png 2011_09_26_drive_0060_sync/proj_depth/groundtruth/image_02/0000000059.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000723.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000723.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003665.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003665.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003559.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003559.png 718.856 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000051.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000051.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002289.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002289.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000592.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000592.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002221.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002221.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000456.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000456.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000681.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000681.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000092.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000092.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000210.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000210.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002412.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002412.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000329.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000329.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000572.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000572.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000711.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000711.png 707.0912 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000317.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000317.png 718.3351 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000059.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000059.png 721.5377 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000009.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000009.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002265.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002265.png 707.0912 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000235.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000235.png 721.5377 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000050.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000050.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004707.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004707.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000452.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000452.png 721.5377 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000268.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000268.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001967.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001967.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000310.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000310.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000984.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000984.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000637.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000637.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004567.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004567.png 718.856 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000017.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000017.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002120.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002120.png 718.856 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000635.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000635.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000258.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000258.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000250.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000250.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004073.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004073.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004517.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004517.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000547.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000547.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000291.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000291.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000425.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000425.png 721.5377 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000251.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000251.png 721.5377 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000214.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000214.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000310.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000310.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001210.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001210.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000298.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000298.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000173.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000173.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000145.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000145.png 721.5377 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000306.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000306.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000412.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000412.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000872.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000872.png 718.856 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000068.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000068.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004615.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004615.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000647.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000647.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000029.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000029.png 707.0912 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000352.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000352.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000233.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000233.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001217.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001217.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001328.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001328.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003136.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003136.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004082.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004082.png 718.856 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000217.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000217.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000062.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000062.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000276.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000276.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002319.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002319.png 718.856 +2011_09_29/2011_09_29_drive_0026_sync/image_02/data/0000000070.png 2011_09_29_drive_0026_sync/proj_depth/groundtruth/image_02/0000000070.png 718.3351 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001980.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001980.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001046.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001046.png 707.0912 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000259.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000259.png 721.5377 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000307.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000307.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003050.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003050.png 707.0912 +2011_09_26/2011_09_26_drive_0035_sync/image_02/data/0000000110.png 2011_09_26_drive_0035_sync/proj_depth/groundtruth/image_02/0000000110.png 721.5377 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000267.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000267.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002645.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002645.png 718.856 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000278.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000278.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002107.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002107.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002817.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002817.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000001139.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000001139.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000005153.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000005153.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001834.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001834.png 707.0912 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000066.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000066.png 718.3351 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000078.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000078.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000398.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000398.png 707.0912 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000261.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000261.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002364.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002364.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000949.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000949.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000601.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000601.png 718.856 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000338.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000338.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000005145.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000005145.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000016.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000016.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000356.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000356.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000511.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000511.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001104.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001104.png 707.0912 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000301.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000301.png 721.5377 +2011_09_26/2011_09_26_drive_0079_sync/image_02/data/0000000043.png 2011_09_26_drive_0079_sync/proj_depth/groundtruth/image_02/0000000043.png 721.5377 +2011_09_26/2011_09_26_drive_0001_sync/image_02/data/0000000039.png 2011_09_26_drive_0001_sync/proj_depth/groundtruth/image_02/0000000039.png 721.5377 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000230.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000230.png 721.5377 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000169.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000169.png 718.3351 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000791.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000791.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001378.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001378.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000175.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000175.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000001080.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000001080.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001141.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001141.png 718.856 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000293.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000293.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000556.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000556.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000209.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000209.png 718.856 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000073.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000073.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002900.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002900.png 718.856 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000205.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000205.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003576.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003576.png 707.0912 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000280.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000280.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002054.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002054.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000279.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000279.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003529.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003529.png 718.856 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000052.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000052.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004473.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004473.png 718.856 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000254.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000254.png 721.5377 +2011_09_26/2011_09_26_drive_0035_sync/image_02/data/0000000074.png 2011_09_26_drive_0035_sync/proj_depth/groundtruth/image_02/0000000074.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000339.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000339.png 721.5377 +2011_09_26/2011_09_26_drive_0035_sync/image_02/data/0000000076.png 2011_09_26_drive_0035_sync/proj_depth/groundtruth/image_02/0000000076.png 721.5377 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000170.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000170.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001725.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001725.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000259.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000259.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004542.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004542.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000044.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000044.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001153.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001153.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001246.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001246.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003623.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003623.png 718.856 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000388.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000388.png 721.5377 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000304.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000304.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004311.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004311.png 718.856 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000165.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000165.png 721.5377 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000077.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000077.png 721.5377 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000210.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000210.png 721.5377 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000315.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000315.png 721.5377 +2011_09_26/2011_09_26_drive_0001_sync/image_02/data/0000000062.png 2011_09_26_drive_0001_sync/proj_depth/groundtruth/image_02/0000000062.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003424.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003424.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000962.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000962.png 718.856 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000155.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000155.png 721.5377 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000121.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000121.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000320.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000320.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002764.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002764.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003537.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003537.png 718.856 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000149.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000149.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004143.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004143.png 718.856 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000076.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000076.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004951.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004951.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000597.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000597.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002891.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002891.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002276.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002276.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004492.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004492.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000202.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000202.png 707.0912 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000082.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000082.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000589.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000589.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000858.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000858.png 718.856 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000080.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000080.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000725.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000725.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000074.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000074.png 707.0912 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000095.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000095.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000001055.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000001055.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000769.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000769.png 718.856 +2011_09_26/2011_09_26_drive_0060_sync/image_02/data/0000000070.png 2011_09_26_drive_0060_sync/proj_depth/groundtruth/image_02/0000000070.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000567.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000567.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002553.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002553.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003193.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003193.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003975.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003975.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000950.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000950.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003141.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003141.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000584.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000584.png 718.856 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000105.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000105.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000585.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000585.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000066.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000066.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001595.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001595.png 718.856 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000311.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000311.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000629.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000629.png 707.0912 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000220.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000220.png 721.5377 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000111.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000111.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000909.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000909.png 707.0912 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000075.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000075.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001091.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001091.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002380.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002380.png 707.0912 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000232.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000232.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001203.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001203.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004234.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004234.png 718.856 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000325.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000325.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000641.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000641.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003668.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003668.png 707.0912 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000320.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000320.png 718.3351 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000779.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000779.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002366.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002366.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000160.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000160.png 707.0912 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000041.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000041.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001132.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001132.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000841.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000841.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002582.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002582.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001399.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001399.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000775.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000775.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000937.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000937.png 718.856 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000065.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000065.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000206.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000206.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003532.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003532.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004595.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004595.png 718.856 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000297.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000297.png 721.5377 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000227.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000227.png 718.3351 +2011_09_28/2011_09_28_drive_0001_sync/image_02/data/0000000061.png 2011_09_28_drive_0001_sync/proj_depth/groundtruth/image_02/0000000061.png 707.0493 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001436.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001436.png 707.0912 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000057.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000057.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000272.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000272.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000205.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000205.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000017.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000017.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000713.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000713.png 721.5377 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000382.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000382.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003171.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003171.png 707.0912 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000223.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000223.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004434.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004434.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000127.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000127.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000355.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000355.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003627.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003627.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000215.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000215.png 707.0912 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000080.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000080.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000235.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000235.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003618.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003618.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000123.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000123.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000384.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000384.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003152.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003152.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003651.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003651.png 718.856 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000054.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000054.png 721.5377 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000085.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000085.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000414.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000414.png 707.0912 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000175.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000175.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001268.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001268.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004987.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004987.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003662.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003662.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003168.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003168.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003728.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003728.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000462.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000462.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004408.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004408.png 707.0912 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000011.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000011.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000177.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000177.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002193.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002193.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001558.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001558.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001309.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001309.png 718.856 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000165.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000165.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000443.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000443.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003982.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003982.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000439.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000439.png 707.0912 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000015.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000015.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001112.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001112.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003270.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003270.png 718.856 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000039.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000039.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001500.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001500.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003370.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003370.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000342.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000342.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001398.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001398.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001773.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001773.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003921.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003921.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003539.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003539.png 707.0912 +2011_09_26/2011_09_26_drive_0113_sync/image_02/data/0000000049.png 2011_09_26_drive_0113_sync/proj_depth/groundtruth/image_02/0000000049.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000302.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000302.png 707.0912 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000045.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000045.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000626.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000626.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001367.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001367.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003317.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003317.png 707.0912 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000248.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000248.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002748.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002748.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004632.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004632.png 707.0912 +2011_09_26/2011_09_26_drive_0017_sync/image_02/data/0000000046.png 2011_09_26_drive_0017_sync/proj_depth/groundtruth/image_02/0000000046.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001187.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001187.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000487.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000487.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000222.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000222.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000191.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000191.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001034.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001034.png 707.0912 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000143.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000143.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000552.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000552.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000012.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000012.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000134.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000134.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000001155.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000001155.png 718.856 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000247.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000247.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004355.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004355.png 718.856 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000295.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000295.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003299.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003299.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000578.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000578.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000636.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000636.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000277.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000277.png 718.856 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000262.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000262.png 718.3351 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001090.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001090.png 707.0912 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000424.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000424.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001904.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001904.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001615.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001615.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004003.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004003.png 718.856 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000175.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000175.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002754.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002754.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000165.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000165.png 707.0912 +2011_09_26/2011_09_26_drive_0113_sync/image_02/data/0000000064.png 2011_09_26_drive_0113_sync/proj_depth/groundtruth/image_02/0000000064.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002750.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002750.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000001018.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000001018.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004597.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004597.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001499.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001499.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000943.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000943.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002541.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002541.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000455.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000455.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000946.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000946.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002278.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002278.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000677.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000677.png 707.0912 +2011_09_26/2011_09_26_drive_0079_sync/image_02/data/0000000013.png 2011_09_26_drive_0079_sync/proj_depth/groundtruth/image_02/0000000013.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004447.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004447.png 718.856 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000057.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000057.png 721.5377 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000023.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000023.png 721.5377 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000352.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000352.png 721.5377 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000139.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000139.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002000.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002000.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000884.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000884.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000231.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000231.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002049.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002049.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004722.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004722.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000019.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000019.png 707.0912 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000146.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000146.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000788.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000788.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000081.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000081.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003316.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003316.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000866.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000866.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001211.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001211.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000249.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000249.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004547.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004547.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000355.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000355.png 718.856 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000329.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000329.png 721.5377 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000401.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000401.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004378.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004378.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000765.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000765.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001082.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001082.png 707.0912 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000014.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000014.png 721.5377 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000090.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000090.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000479.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000479.png 721.5377 +2011_09_26/2011_09_26_drive_0060_sync/image_02/data/0000000047.png 2011_09_26_drive_0060_sync/proj_depth/groundtruth/image_02/0000000047.png 721.5377 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000014.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000014.png 721.5377 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000138.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000138.png 718.3351 +2011_09_26/2011_09_26_drive_0017_sync/image_02/data/0000000014.png 2011_09_26_drive_0017_sync/proj_depth/groundtruth/image_02/0000000014.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000476.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000476.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000301.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000301.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000522.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000522.png 707.0912 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000197.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000197.png 721.5377 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000081.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000081.png 721.5377 +2011_09_28/2011_09_28_drive_0001_sync/image_02/data/0000000025.png 2011_09_28_drive_0001_sync/proj_depth/groundtruth/image_02/0000000025.png 707.0493 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001726.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001726.png 718.856 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000215.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000215.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000351.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000351.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000351.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000351.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003552.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003552.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000603.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000603.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001273.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001273.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000005043.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000005043.png 707.0912 +2011_09_26/2011_09_26_drive_0005_sync/image_02/data/0000000147.png 2011_09_26_drive_0005_sync/proj_depth/groundtruth/image_02/0000000147.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000356.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000356.png 707.0912 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000209.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000209.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002614.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002614.png 718.856 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000228.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000228.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003453.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003453.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003225.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003225.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000602.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000602.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002082.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002082.png 718.856 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000150.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000150.png 721.5377 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000127.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000127.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000323.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000323.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002503.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002503.png 707.0912 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000006.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000006.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000831.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000831.png 707.0912 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000117.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000117.png 721.5377 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000038.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000038.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003759.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003759.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000200.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000200.png 707.0912 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000149.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000149.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001212.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001212.png 718.856 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000181.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000181.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000870.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000870.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000163.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000163.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004115.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004115.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004865.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004865.png 707.0912 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000061.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000061.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001739.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001739.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000766.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000766.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002524.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002524.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000729.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000729.png 718.856 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000166.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000166.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004529.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004529.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000420.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000420.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000357.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000357.png 707.0912 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000180.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000180.png 721.5377 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000127.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000127.png 721.5377 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000423.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000423.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002360.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002360.png 718.856 +2011_09_26/2011_09_26_drive_0017_sync/image_02/data/0000000029.png 2011_09_26_drive_0017_sync/proj_depth/groundtruth/image_02/0000000029.png 721.5377 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000008.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000008.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002451.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002451.png 707.0912 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000042.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000042.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000762.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000762.png 718.856 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000148.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000148.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000916.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000916.png 718.856 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000234.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000234.png 721.5377 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000039.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000039.png 721.5377 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000065.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000065.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004117.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004117.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001573.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001573.png 707.0912 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000251.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000251.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000715.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000715.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004927.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004927.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003005.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003005.png 718.856 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000008.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000008.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001037.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001037.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001332.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001332.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001021.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001021.png 707.0912 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000073.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000073.png 721.5377 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000172.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000172.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000544.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000544.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001576.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001576.png 707.0912 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000336.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000336.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001438.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001438.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000349.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000349.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002662.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002662.png 718.856 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000746.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000746.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002605.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002605.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000252.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000252.png 721.5377 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000316.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000316.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000855.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000855.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002362.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002362.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000299.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000299.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000669.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000669.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002920.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002920.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000416.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000416.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002985.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002985.png 707.0912 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000293.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000293.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004196.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004196.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001628.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001628.png 707.0912 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000233.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000233.png 721.5377 +2011_09_26/2011_09_26_drive_0113_sync/image_02/data/0000000070.png 2011_09_26_drive_0113_sync/proj_depth/groundtruth/image_02/0000000070.png 721.5377 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000299.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000299.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000130.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000130.png 721.5377 +2011_09_26/2011_09_26_drive_0017_sync/image_02/data/0000000023.png 2011_09_26_drive_0017_sync/proj_depth/groundtruth/image_02/0000000023.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004825.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004825.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001348.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001348.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003537.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003537.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000780.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000780.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002738.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002738.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000924.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000924.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000001154.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000001154.png 718.856 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000095.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000095.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000001031.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000001031.png 718.856 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000055.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000055.png 721.5377 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000413.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000413.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003543.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003543.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000747.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000747.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001561.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001561.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001930.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001930.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002561.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002561.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000634.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000634.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000737.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000737.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000305.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000305.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000289.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000289.png 718.856 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000101.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000101.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000162.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000162.png 718.856 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000017.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000017.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000267.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000267.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002862.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002862.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000031.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000031.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000142.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000142.png 721.5377 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000006.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000006.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001400.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001400.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000755.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000755.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001397.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001397.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001024.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001024.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001052.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001052.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004254.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004254.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002647.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002647.png 718.856 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000246.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000246.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004656.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004656.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000273.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000273.png 721.5377 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000244.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000244.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000521.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000521.png 718.856 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000656.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000656.png 721.5377 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000125.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000125.png 721.5377 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000044.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000044.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003760.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003760.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000056.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000056.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002533.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002533.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000583.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000583.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000182.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000182.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000694.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000694.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001811.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001811.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004174.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004174.png 707.0912 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000218.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000218.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003178.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003178.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000232.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000232.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000084.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000084.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000835.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000835.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000386.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000386.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000031.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000031.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003882.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003882.png 718.856 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000386.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000386.png 721.5377 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000068.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000068.png 718.3351 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001016.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001016.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000245.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000245.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001307.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001307.png 707.0912 +2011_09_26/2011_09_26_drive_0035_sync/image_02/data/0000000084.png 2011_09_26_drive_0035_sync/proj_depth/groundtruth/image_02/0000000084.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000243.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000243.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000440.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000440.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000392.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000392.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000106.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000106.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000520.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000520.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001202.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001202.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002133.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002133.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000011.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000011.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000074.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000074.png 721.5377 +2011_09_29/2011_09_29_drive_0026_sync/image_02/data/0000000058.png 2011_09_29_drive_0026_sync/proj_depth/groundtruth/image_02/0000000058.png 718.3351 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000354.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000354.png 707.0912 +2011_09_26/2011_09_26_drive_0005_sync/image_02/data/0000000092.png 2011_09_26_drive_0005_sync/proj_depth/groundtruth/image_02/0000000092.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003669.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003669.png 707.0912 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000232.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000232.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000013.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000013.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000714.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000714.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002830.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002830.png 707.0912 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000224.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000224.png 718.3351 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000305.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000305.png 721.5377 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000056.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000056.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000730.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000730.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000273.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000273.png 718.856 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000072.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000072.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000560.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000560.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003084.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003084.png 718.856 +2011_09_26/2011_09_26_drive_0113_sync/image_02/data/0000000040.png 2011_09_26_drive_0113_sync/proj_depth/groundtruth/image_02/0000000040.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002109.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002109.png 707.0912 +2011_09_26/2011_09_26_drive_0035_sync/image_02/data/0000000040.png 2011_09_26_drive_0035_sync/proj_depth/groundtruth/image_02/0000000040.png 721.5377 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000226.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000226.png 721.5377 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000272.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000272.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003237.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003237.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003274.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003274.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001093.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001093.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000441.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000441.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004381.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004381.png 707.0912 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000183.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000183.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001906.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001906.png 707.0912 +2011_09_26/2011_09_26_drive_0035_sync/image_02/data/0000000029.png 2011_09_26_drive_0035_sync/proj_depth/groundtruth/image_02/0000000029.png 721.5377 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000195.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000195.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000244.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000244.png 718.856 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000274.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000274.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002677.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002677.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001174.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001174.png 707.0912 +2011_09_28/2011_09_28_drive_0001_sync/image_02/data/0000000079.png 2011_09_28_drive_0001_sync/proj_depth/groundtruth/image_02/0000000079.png 707.0493 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003718.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003718.png 718.856 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000128.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000128.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000738.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000738.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004896.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004896.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003079.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003079.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001511.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001511.png 718.856 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000258.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000258.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000941.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000941.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002257.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002257.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000621.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000621.png 707.0912 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000165.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000165.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000456.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000456.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000697.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000697.png 707.0912 +2011_09_26/2011_09_26_drive_0035_sync/image_02/data/0000000058.png 2011_09_26_drive_0035_sync/proj_depth/groundtruth/image_02/0000000058.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000563.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000563.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000155.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000155.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003647.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003647.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000645.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000645.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000955.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000955.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002932.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002932.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002630.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002630.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000005096.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000005096.png 707.0912 +2011_09_26/2011_09_26_drive_0005_sync/image_02/data/0000000142.png 2011_09_26_drive_0005_sync/proj_depth/groundtruth/image_02/0000000142.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001550.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001550.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003091.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003091.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000588.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000588.png 707.0912 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000248.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000248.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001115.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001115.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000718.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000718.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003163.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003163.png 718.856 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000684.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000684.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000974.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000974.png 718.856 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000198.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000198.png 721.5377 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000227.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000227.png 721.5377 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000112.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000112.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000244.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000244.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001493.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001493.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000308.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000308.png 707.0912 +2011_09_26/2011_09_26_drive_0005_sync/image_02/data/0000000083.png 2011_09_26_drive_0005_sync/proj_depth/groundtruth/image_02/0000000083.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003355.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003355.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001557.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001557.png 707.0912 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000017.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000017.png 718.3351 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002376.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002376.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001000.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001000.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000838.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000838.png 707.0912 +2011_09_28/2011_09_28_drive_0001_sync/image_02/data/0000000031.png 2011_09_28_drive_0001_sync/proj_depth/groundtruth/image_02/0000000031.png 707.0493 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003012.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003012.png 718.856 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000276.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000276.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000114.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000114.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000001035.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000001035.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000001109.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000001109.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000201.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000201.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001124.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001124.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000371.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000371.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001895.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001895.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000969.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000969.png 707.0912 +2011_09_26/2011_09_26_drive_0060_sync/image_02/data/0000000019.png 2011_09_26_drive_0060_sync/proj_depth/groundtruth/image_02/0000000019.png 721.5377 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000260.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000260.png 721.5377 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000084.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000084.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002565.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002565.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000580.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000580.png 718.856 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000386.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000386.png 721.5377 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000066.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000066.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000172.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000172.png 721.5377 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000078.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000078.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000880.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000880.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003051.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003051.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003426.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003426.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002051.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002051.png 718.856 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000607.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000607.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000579.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000579.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000869.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000869.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004227.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004227.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001149.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001149.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004534.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004534.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004085.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004085.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000112.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000112.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000175.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000175.png 718.856 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000224.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000224.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002328.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002328.png 718.856 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000337.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000337.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000528.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000528.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000973.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000973.png 718.856 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000057.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000057.png 718.3351 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004400.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004400.png 718.856 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000195.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000195.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000335.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000335.png 718.856 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000134.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000134.png 721.5377 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000077.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000077.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003581.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003581.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000463.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000463.png 707.0912 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000019.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000019.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000687.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000687.png 707.0912 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000370.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000370.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000224.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000224.png 707.0912 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000279.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000279.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000861.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000861.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000672.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000672.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000672.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000672.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004117.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004117.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002303.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002303.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000562.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000562.png 721.5377 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000219.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000219.png 721.5377 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000211.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000211.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000703.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000703.png 707.0912 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000041.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000041.png 718.3351 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000090.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000090.png 721.5377 +2011_09_26/2011_09_26_drive_0005_sync/image_02/data/0000000026.png 2011_09_26_drive_0005_sync/proj_depth/groundtruth/image_02/0000000026.png 721.5377 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000321.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000321.png 721.5377 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000190.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000190.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003188.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003188.png 718.856 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000104.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000104.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000676.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000676.png 718.856 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000292.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000292.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000486.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000486.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000342.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000342.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000437.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000437.png 721.5377 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000096.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000096.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000481.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000481.png 718.856 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000628.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000628.png 721.5377 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000125.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000125.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001994.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001994.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001145.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001145.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000839.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000839.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003327.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003327.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000934.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000934.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000327.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000327.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000927.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000927.png 718.856 +2011_09_26/2011_09_26_drive_0060_sync/image_02/data/0000000016.png 2011_09_26_drive_0060_sync/proj_depth/groundtruth/image_02/0000000016.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002587.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002587.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002730.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002730.png 718.856 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000255.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000255.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000673.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000673.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001108.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001108.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004478.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004478.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000493.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000493.png 707.0912 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000122.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000122.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001885.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001885.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003408.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003408.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002833.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002833.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000167.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000167.png 707.0912 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000227.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000227.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004051.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004051.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000395.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000395.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002174.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002174.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000021.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000021.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000311.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000311.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003296.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003296.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000005032.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000005032.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003853.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003853.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004562.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004562.png 707.0912 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000254.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000254.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003777.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003777.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004810.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004810.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001450.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001450.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001540.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001540.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000571.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000571.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003114.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003114.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001679.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001679.png 718.856 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000055.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000055.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000030.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000030.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002294.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002294.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001289.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001289.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001433.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001433.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000127.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000127.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000549.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000549.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003365.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003365.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001573.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001573.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000258.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000258.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000441.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000441.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001045.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001045.png 707.0912 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000072.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000072.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000614.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000614.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000454.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000454.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004626.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004626.png 707.0912 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000044.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000044.png 718.3351 +2011_09_28/2011_09_28_drive_0001_sync/image_02/data/0000000013.png 2011_09_28_drive_0001_sync/proj_depth/groundtruth/image_02/0000000013.png 707.0493 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000147.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000147.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000617.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000617.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000090.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000090.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000605.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000605.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000942.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000942.png 707.0912 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000151.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000151.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000979.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000979.png 718.856 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000009.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000009.png 721.5377 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000350.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000350.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000458.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000458.png 718.856 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000066.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000066.png 721.5377 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000150.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000150.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001404.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001404.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002723.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002723.png 718.856 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000616.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000616.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002675.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002675.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000320.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000320.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000437.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000437.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000659.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000659.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000024.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000024.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000225.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000225.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000561.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000561.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001436.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001436.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003735.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003735.png 718.856 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000189.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000189.png 718.3351 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000175.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000175.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000656.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000656.png 718.856 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000067.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000067.png 721.5377 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000280.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000280.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000005168.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000005168.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000548.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000548.png 718.856 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000182.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000182.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000641.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000641.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000912.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000912.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000929.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000929.png 718.856 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000687.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000687.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003625.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003625.png 707.0912 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000343.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000343.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004813.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004813.png 707.0912 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000252.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000252.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000102.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000102.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002625.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002625.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003827.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003827.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000803.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000803.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001116.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001116.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000142.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000142.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001593.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001593.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002759.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002759.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002630.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002630.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000934.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000934.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000048.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000048.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000235.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000235.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000062.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000062.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002725.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002725.png 707.0912 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000090.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000090.png 718.3351 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003330.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003330.png 707.0912 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000207.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000207.png 721.5377 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000094.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000094.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003811.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003811.png 707.0912 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000078.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000078.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002295.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002295.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000702.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000702.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002253.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002253.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000613.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000613.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000819.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000819.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000494.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000494.png 707.0912 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000041.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000041.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000195.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000195.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000027.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000027.png 718.856 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000637.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000637.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003367.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003367.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003635.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003635.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002337.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002337.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003925.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003925.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000617.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000617.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000065.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000065.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002477.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002477.png 707.0912 +2011_09_26/2011_09_26_drive_0113_sync/image_02/data/0000000075.png 2011_09_26_drive_0113_sync/proj_depth/groundtruth/image_02/0000000075.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000085.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000085.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000389.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000389.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003401.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003401.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000463.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000463.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000282.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000282.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003277.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003277.png 718.856 +2011_09_26/2011_09_26_drive_0035_sync/image_02/data/0000000090.png 2011_09_26_drive_0035_sync/proj_depth/groundtruth/image_02/0000000090.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002401.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002401.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004804.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004804.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002421.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002421.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001234.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001234.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004207.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004207.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000001016.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000001016.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000319.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000319.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000549.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000549.png 721.5377 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000269.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000269.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000701.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000701.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001150.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001150.png 707.0912 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000295.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000295.png 718.3351 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000001141.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000001141.png 718.856 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000241.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000241.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000424.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000424.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000425.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000425.png 707.0912 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000045.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000045.png 721.5377 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000034.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000034.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002174.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002174.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000231.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000231.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003580.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003580.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000566.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000566.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000182.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000182.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004491.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004491.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000001017.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000001017.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001199.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001199.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000001151.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000001151.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003628.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003628.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002439.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002439.png 718.856 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000316.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000316.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002244.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002244.png 718.856 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000171.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000171.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003650.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003650.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000098.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000098.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003860.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003860.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002632.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002632.png 718.856 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000007.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000007.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002381.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002381.png 718.856 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000218.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000218.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002426.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002426.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000421.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000421.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003731.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003731.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002461.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002461.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004288.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004288.png 718.856 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000156.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000156.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000660.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000660.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000485.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000485.png 707.0912 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000204.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000204.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000994.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000994.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000793.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000793.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000571.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000571.png 718.856 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000229.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000229.png 721.5377 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000242.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000242.png 721.5377 +2011_09_26/2011_09_26_drive_0079_sync/image_02/data/0000000041.png 2011_09_26_drive_0079_sync/proj_depth/groundtruth/image_02/0000000041.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001332.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001332.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002895.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002895.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003634.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003634.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000696.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000696.png 718.856 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000105.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000105.png 721.5377 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000202.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000202.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001531.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001531.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000933.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000933.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000942.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000942.png 707.0912 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000280.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000280.png 721.5377 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000116.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000116.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000075.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000075.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002879.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002879.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000779.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000779.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000568.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000568.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000996.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000996.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004369.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004369.png 707.0912 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000034.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000034.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002611.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002611.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000001085.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000001085.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003446.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003446.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000154.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000154.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002467.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002467.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000110.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000110.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000166.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000166.png 707.0912 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000081.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000081.png 718.3351 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004570.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004570.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001634.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001634.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002373.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002373.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004279.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004279.png 718.856 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000123.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000123.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002176.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002176.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000259.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000259.png 707.0912 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000175.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000175.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000528.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000528.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000697.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000697.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000966.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000966.png 707.0912 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000291.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000291.png 721.5377 +2011_09_26/2011_09_26_drive_0035_sync/image_02/data/0000000091.png 2011_09_26_drive_0035_sync/proj_depth/groundtruth/image_02/0000000091.png 721.5377 +2011_09_26/2011_09_26_drive_0079_sync/image_02/data/0000000059.png 2011_09_26_drive_0079_sync/proj_depth/groundtruth/image_02/0000000059.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003281.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003281.png 707.0912 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000065.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000065.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000228.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000228.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001523.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001523.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000137.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000137.png 707.0912 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000338.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000338.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002105.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002105.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003394.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003394.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000608.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000608.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001998.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001998.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000062.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000062.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000467.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000467.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000452.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000452.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000161.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000161.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000543.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000543.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000305.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000305.png 707.0912 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000322.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000322.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000024.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000024.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000472.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000472.png 721.5377 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000046.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000046.png 721.5377 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000009.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000009.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004403.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004403.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003747.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003747.png 718.856 +2011_09_26/2011_09_26_drive_0001_sync/image_02/data/0000000007.png 2011_09_26_drive_0001_sync/proj_depth/groundtruth/image_02/0000000007.png 721.5377 +2011_09_26/2011_09_26_drive_0035_sync/image_02/data/0000000104.png 2011_09_26_drive_0035_sync/proj_depth/groundtruth/image_02/0000000104.png 721.5377 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000043.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000043.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000222.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000222.png 707.0912 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000021.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000021.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000001053.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000001053.png 718.856 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000311.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000311.png 721.5377 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000022.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000022.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000955.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000955.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000005000.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000005000.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000085.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000085.png 718.856 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000064.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000064.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003978.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003978.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004057.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004057.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000663.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000663.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004399.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004399.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000005141.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000005141.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001189.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001189.png 718.856 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000471.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000471.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000317.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000317.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000053.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000053.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001499.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001499.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002143.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002143.png 718.856 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000400.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000400.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004424.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004424.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000934.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000934.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000195.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000195.png 718.856 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000077.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000077.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000101.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000101.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004300.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004300.png 707.0912 +2011_09_26/2011_09_26_drive_0001_sync/image_02/data/0000000071.png 2011_09_26_drive_0001_sync/proj_depth/groundtruth/image_02/0000000071.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000822.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000822.png 707.0912 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000090.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000090.png 721.5377 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000011.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000011.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001696.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001696.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003820.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003820.png 707.0912 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000048.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000048.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000190.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000190.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002460.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002460.png 718.856 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000165.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000165.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000037.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000037.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000436.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000436.png 707.0912 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000224.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000224.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002769.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002769.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000130.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000130.png 718.856 +2011_09_29/2011_09_29_drive_0026_sync/image_02/data/0000000134.png 2011_09_29_drive_0026_sync/proj_depth/groundtruth/image_02/0000000134.png 718.3351 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000769.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000769.png 707.0912 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000019.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000019.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001317.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001317.png 718.856 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000378.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000378.png 721.5377 +2011_09_26/2011_09_26_drive_0005_sync/image_02/data/0000000047.png 2011_09_26_drive_0005_sync/proj_depth/groundtruth/image_02/0000000047.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000851.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000851.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000001150.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000001150.png 718.856 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000048.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000048.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002361.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002361.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000512.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000512.png 718.856 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000661.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000661.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000605.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000605.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003272.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003272.png 707.0912 +2011_09_28/2011_09_28_drive_0001_sync/image_02/data/0000000095.png 2011_09_28_drive_0001_sync/proj_depth/groundtruth/image_02/0000000095.png 707.0493 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001518.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001518.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001653.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001653.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004283.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004283.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001907.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001907.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000546.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000546.png 721.5377 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000028.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000028.png 721.5377 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000342.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000342.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003465.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003465.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003012.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003012.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000294.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000294.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003039.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003039.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000980.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000980.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000216.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000216.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002494.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002494.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000909.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000909.png 707.0912 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000138.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000138.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000696.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000696.png 707.0912 +2011_09_26/2011_09_26_drive_0113_sync/image_02/data/0000000030.png 2011_09_26_drive_0113_sync/proj_depth/groundtruth/image_02/0000000030.png 721.5377 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000270.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000270.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002501.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002501.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001053.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001053.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000914.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000914.png 718.856 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000171.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000171.png 721.5377 +2011_09_26/2011_09_26_drive_0017_sync/image_02/data/0000000102.png 2011_09_26_drive_0017_sync/proj_depth/groundtruth/image_02/0000000102.png 721.5377 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000321.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000321.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003574.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003574.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000615.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000615.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004452.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004452.png 718.856 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000012.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000012.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003944.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003944.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002704.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002704.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001020.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001020.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000771.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000771.png 707.0912 +2011_09_26/2011_09_26_drive_0001_sync/image_02/data/0000000075.png 2011_09_26_drive_0001_sync/proj_depth/groundtruth/image_02/0000000075.png 721.5377 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000084.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000084.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001300.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001300.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000264.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000264.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000619.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000619.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000329.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000329.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000143.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000143.png 707.0912 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000051.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000051.png 721.5377 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000227.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000227.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000578.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000578.png 718.856 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000236.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000236.png 707.0912 +2011_09_26/2011_09_26_drive_0070_sync/image_02/data/0000000023.png 2011_09_26_drive_0070_sync/proj_depth/groundtruth/image_02/0000000023.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001137.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001137.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002767.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002767.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000851.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000851.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002076.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002076.png 707.0912 +2011_09_26/2011_09_26_drive_0060_sync/image_02/data/0000000018.png 2011_09_26_drive_0060_sync/proj_depth/groundtruth/image_02/0000000018.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002766.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002766.png 718.856 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000274.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000274.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000787.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000787.png 718.856 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000518.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000518.png 721.5377 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000142.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000142.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000082.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000082.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000598.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000598.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000753.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000753.png 718.856 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000256.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000256.png 721.5377 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000025.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000025.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003384.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003384.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000077.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000077.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002004.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002004.png 718.856 +2011_09_26/2011_09_26_drive_0001_sync/image_02/data/0000000100.png 2011_09_26_drive_0001_sync/proj_depth/groundtruth/image_02/0000000100.png 721.5377 +2011_09_26/2011_09_26_drive_0001_sync/image_02/data/0000000086.png 2011_09_26_drive_0001_sync/proj_depth/groundtruth/image_02/0000000086.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004014.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004014.png 718.856 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000170.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000170.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003819.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003819.png 718.856 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000216.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000216.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000879.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000879.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002786.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002786.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000085.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000085.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000961.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000961.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000967.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000967.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000993.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000993.png 707.0912 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000399.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000399.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000037.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000037.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000309.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000309.png 707.0912 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000231.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000231.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001047.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001047.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001916.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001916.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003860.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003860.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000377.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000377.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004592.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004592.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002113.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002113.png 718.856 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000726.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000726.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000941.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000941.png 707.0912 +2011_09_26/2011_09_26_drive_0060_sync/image_02/data/0000000045.png 2011_09_26_drive_0060_sync/proj_depth/groundtruth/image_02/0000000045.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000868.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000868.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000386.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000386.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000495.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000495.png 707.0912 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000363.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000363.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000422.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000422.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001070.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001070.png 718.856 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000038.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000038.png 721.5377 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000249.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000249.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000613.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000613.png 718.856 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000666.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000666.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003487.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003487.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000013.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000013.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002363.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002363.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000227.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000227.png 721.5377 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000457.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000457.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001118.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001118.png 718.856 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000480.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000480.png 721.5377 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000272.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000272.png 721.5377 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000015.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000015.png 721.5377 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000322.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000322.png 721.5377 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000005.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000005.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000165.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000165.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000527.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000527.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000778.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000778.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000166.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000166.png 721.5377 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000260.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000260.png 721.5377 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000321.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000321.png 718.3351 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003766.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003766.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000300.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000300.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000807.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000807.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001376.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001376.png 707.0912 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000113.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000113.png 721.5377 +2011_09_26/2011_09_26_drive_0022_sync/image_02/data/0000000168.png 2011_09_26_drive_0022_sync/proj_depth/groundtruth/image_02/0000000168.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002904.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002904.png 707.0912 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000080.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000080.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004503.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004503.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000578.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000578.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000461.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000461.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002676.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002676.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000105.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000105.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003151.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003151.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004149.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004149.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001873.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001873.png 718.856 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000307.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000307.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000876.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000876.png 718.856 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000086.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000086.png 721.5377 +2011_09_26/2011_09_26_drive_0011_sync/image_02/data/0000000027.png 2011_09_26_drive_0011_sync/proj_depth/groundtruth/image_02/0000000027.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000333.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000333.png 707.0912 +2011_09_26/2011_09_26_drive_0057_sync/image_02/data/0000000123.png 2011_09_26_drive_0057_sync/proj_depth/groundtruth/image_02/0000000123.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002988.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002988.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002941.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002941.png 707.0912 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000061.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000061.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000204.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000204.png 718.856 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000288.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000288.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003447.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003447.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000187.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000187.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004048.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004048.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000600.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000600.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000790.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000790.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000308.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000308.png 707.0912 +2011_09_26/2011_09_26_drive_0039_sync/image_02/data/0000000379.png 2011_09_26_drive_0039_sync/proj_depth/groundtruth/image_02/0000000379.png 721.5377 +2011_09_26/2011_09_26_drive_0060_sync/image_02/data/0000000053.png 2011_09_26_drive_0060_sync/proj_depth/groundtruth/image_02/0000000053.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000680.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000680.png 718.856 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000235.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000235.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000336.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000336.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004053.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004053.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003208.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003208.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000005143.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000005143.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004439.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004439.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001822.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001822.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002410.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002410.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003003.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003003.png 718.856 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000423.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000423.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001166.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001166.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001801.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001801.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002508.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002508.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001363.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001363.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004504.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004504.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000607.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000607.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000514.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000514.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000313.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000313.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004998.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004998.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004199.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004199.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000302.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000302.png 718.856 +2011_09_26/2011_09_26_drive_0014_sync/image_02/data/0000000281.png 2011_09_26_drive_0014_sync/proj_depth/groundtruth/image_02/0000000281.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002024.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002024.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002994.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002994.png 718.856 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000037.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000037.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000420.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000420.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000132.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000132.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000521.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000521.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000347.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000347.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000924.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000924.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000830.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000830.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003638.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003638.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001889.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001889.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004627.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004627.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001820.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001820.png 707.0912 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000120.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000120.png 721.5377 +2011_09_26/2011_09_26_drive_0095_sync/image_02/data/0000000177.png 2011_09_26_drive_0095_sync/proj_depth/groundtruth/image_02/0000000177.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000381.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000381.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000000333.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000000333.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001517.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001517.png 718.856 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000274.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000274.png 718.3351 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000980.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000980.png 718.856 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000370.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000370.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002805.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002805.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001730.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001730.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002221.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002221.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002382.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002382.png 707.0912 +2011_09_26/2011_09_26_drive_0018_sync/image_02/data/0000000037.png 2011_09_26_drive_0018_sync/proj_depth/groundtruth/image_02/0000000037.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000650.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000650.png 718.856 +2011_09_26/2011_09_26_drive_0035_sync/image_02/data/0000000119.png 2011_09_26_drive_0035_sync/proj_depth/groundtruth/image_02/0000000119.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003422.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003422.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000000654.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000000654.png 718.856 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000379.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000379.png 721.5377 +2011_09_26/2011_09_26_drive_0028_sync/image_02/data/0000000323.png 2011_09_26_drive_0028_sync/proj_depth/groundtruth/image_02/0000000323.png 721.5377 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000608.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000608.png 707.0912 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000339.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000339.png 707.0912 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000857.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000857.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002477.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002477.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002749.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002749.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000004612.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000004612.png 718.856 +2011_09_30/2011_09_30_drive_0020_sync/image_02/data/0000000715.png 2011_09_30_drive_0020_sync/proj_depth/groundtruth/image_02/0000000715.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000790.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000790.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003863.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003863.png 707.0912 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000549.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000549.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002879.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002879.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003926.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003926.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003450.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003450.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001484.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001484.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002353.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002353.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000005066.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000005066.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004337.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004337.png 707.0912 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000032.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000032.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000004737.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000004737.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002274.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002274.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000002473.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000002473.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000174.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000174.png 718.856 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000001097.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000001097.png 707.0912 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000001168.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000001168.png 707.0912 +2011_09_26/2011_09_26_drive_0019_sync/image_02/data/0000000474.png 2011_09_26_drive_0019_sync/proj_depth/groundtruth/image_02/0000000474.png 721.5377 +2011_09_26/2011_09_26_drive_0091_sync/image_02/data/0000000145.png 2011_09_26_drive_0091_sync/proj_depth/groundtruth/image_02/0000000145.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000316.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000316.png 707.0912 +2011_09_26/2011_09_26_drive_0051_sync/image_02/data/0000000251.png 2011_09_26_drive_0051_sync/proj_depth/groundtruth/image_02/0000000251.png 721.5377 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001577.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001577.png 718.856 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000636.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000636.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000675.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000675.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000777.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000777.png 718.856 +2011_09_26/2011_09_26_drive_0104_sync/image_02/data/0000000277.png 2011_09_26_drive_0104_sync/proj_depth/groundtruth/image_02/0000000277.png 721.5377 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000001009.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000001009.png 707.0912 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000826.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000826.png 718.856 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000002592.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000002592.png 707.0912 +2011_09_29/2011_09_29_drive_0004_sync/image_02/data/0000000325.png 2011_09_29_drive_0004_sync/proj_depth/groundtruth/image_02/0000000325.png 718.3351 +2011_09_29/2011_09_29_drive_0026_sync/image_02/data/0000000007.png 2011_09_29_drive_0026_sync/proj_depth/groundtruth/image_02/0000000007.png 718.3351 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003909.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003909.png 718.856 +2011_09_26/2011_09_26_drive_0032_sync/image_02/data/0000000134.png 2011_09_26_drive_0032_sync/proj_depth/groundtruth/image_02/0000000134.png 721.5377 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000455.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000455.png 718.856 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000001041.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000001041.png 718.856 +2011_10_03/2011_10_03_drive_0042_sync/image_02/data/0000000666.png 2011_10_03_drive_0042_sync/proj_depth/groundtruth/image_02/0000000666.png 718.856 +2011_09_26/2011_09_26_drive_0015_sync/image_02/data/0000000108.png 2011_09_26_drive_0015_sync/proj_depth/groundtruth/image_02/0000000108.png 721.5377 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000410.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000410.png 721.5377 +2011_09_30/2011_09_30_drive_0028_sync/image_02/data/0000003175.png 2011_09_30_drive_0028_sync/proj_depth/groundtruth/image_02/0000003175.png 707.0912 +2011_09_26/2011_09_26_drive_0087_sync/image_02/data/0000000174.png 2011_09_26_drive_0087_sync/proj_depth/groundtruth/image_02/0000000174.png 721.5377 +2011_09_26/2011_09_26_drive_0061_sync/image_02/data/0000000306.png 2011_09_26_drive_0061_sync/proj_depth/groundtruth/image_02/0000000306.png 721.5377 +2011_09_26/2011_09_26_drive_0017_sync/image_02/data/0000000024.png 2011_09_26_drive_0017_sync/proj_depth/groundtruth/image_02/0000000024.png 721.5377 +2011_09_30/2011_09_30_drive_0033_sync/image_02/data/0000000076.png 2011_09_30_drive_0033_sync/proj_depth/groundtruth/image_02/0000000076.png 707.0912 +2011_09_30/2011_09_30_drive_0034_sync/image_02/data/0000000340.png 2011_09_30_drive_0034_sync/proj_depth/groundtruth/image_02/0000000340.png 707.0912 +2011_10_03/2011_10_03_drive_0034_sync/image_02/data/0000003635.png 2011_10_03_drive_0034_sync/proj_depth/groundtruth/image_02/0000003635.png 718.856 \ No newline at end of file diff --git a/train_test_inputs/nyudepthv2_test_files_with_gt.txt b/train_test_inputs/nyudepthv2_test_files_with_gt.txt new file mode 100644 index 000000000..7939f5716 --- /dev/null +++ b/train_test_inputs/nyudepthv2_test_files_with_gt.txt @@ -0,0 +1,654 @@ +bathroom/rgb_00045.jpg bathroom/sync_depth_00045.png 518.8579 +bathroom/rgb_00046.jpg bathroom/sync_depth_00046.png 518.8579 +bathroom/rgb_00507.jpg bathroom/sync_depth_00507.png 518.8579 +bathroom/rgb_00508.jpg bathroom/sync_depth_00508.png 518.8579 +bathroom/rgb_00509.jpg bathroom/sync_depth_00509.png 518.8579 +bathroom/rgb_00510.jpg bathroom/sync_depth_00510.png 518.8579 +bathroom/rgb_00511.jpg bathroom/sync_depth_00511.png 518.8579 +bathroom/rgb_00512.jpg bathroom/sync_depth_00512.png 518.8579 +bathroom/rgb_00649.jpg bathroom/sync_depth_00649.png 518.8579 +bathroom/rgb_00650.jpg bathroom/sync_depth_00650.png 518.8579 +bathroom/rgb_00655.jpg bathroom/sync_depth_00655.png 518.8579 +bathroom/rgb_00656.jpg bathroom/sync_depth_00656.png 518.8579 +bathroom/rgb_00657.jpg bathroom/sync_depth_00657.png 518.8579 +bathroom/rgb_00662.jpg bathroom/sync_depth_00662.png 518.8579 +bathroom/rgb_00663.jpg bathroom/sync_depth_00663.png 518.8579 +bathroom/rgb_00667.jpg bathroom/sync_depth_00667.png 518.8579 +bathroom/rgb_00668.jpg bathroom/sync_depth_00668.png 518.8579 +bathroom/rgb_00670.jpg bathroom/sync_depth_00670.png 518.8579 +bathroom/rgb_00671.jpg bathroom/sync_depth_00671.png 518.8579 +bathroom/rgb_00672.jpg bathroom/sync_depth_00672.png 518.8579 +bathroom/rgb_00675.jpg bathroom/sync_depth_00675.png 518.8579 +bathroom/rgb_00676.jpg bathroom/sync_depth_00676.png 518.8579 +bathroom/rgb_00677.jpg bathroom/sync_depth_00677.png 518.8579 +bathroom/rgb_00678.jpg bathroom/sync_depth_00678.png 518.8579 +bathroom/rgb_00679.jpg bathroom/sync_depth_00679.png 518.8579 +bathroom/rgb_00680.jpg bathroom/sync_depth_00680.png 518.8579 +bathroom/rgb_00685.jpg bathroom/sync_depth_00685.png 518.8579 +bathroom/rgb_00686.jpg bathroom/sync_depth_00686.png 518.8579 +bathroom/rgb_00687.jpg bathroom/sync_depth_00687.png 518.8579 +bathroom/rgb_00688.jpg bathroom/sync_depth_00688.png 518.8579 +bathroom/rgb_00689.jpg bathroom/sync_depth_00689.png 518.8579 +bathroom/rgb_00692.jpg bathroom/sync_depth_00692.png 518.8579 +bathroom/rgb_00693.jpg bathroom/sync_depth_00693.png 518.8579 +bathroom/rgb_00696.jpg bathroom/sync_depth_00696.png 518.8579 +bathroom/rgb_00669.jpg bathroom/sync_depth_00669.png 518.8579 +bathroom/rgb_00697.jpg bathroom/sync_depth_00697.png 518.8579 +bathroom/rgb_00698.jpg bathroom/sync_depth_00698.png 518.8579 +bathroom/rgb_00705.jpg bathroom/sync_depth_00705.png 518.8579 +bathroom/rgb_00706.jpg bathroom/sync_depth_00706.png 518.8579 +bathroom/rgb_00707.jpg bathroom/sync_depth_00707.png 518.8579 +bathroom/rgb_00708.jpg bathroom/sync_depth_00708.png 518.8579 +bathroom/rgb_00709.jpg bathroom/sync_depth_00709.png 518.8579 +bathroom/rgb_00710.jpg bathroom/sync_depth_00710.png 518.8579 +bathroom/rgb_00711.jpg bathroom/sync_depth_00711.png 518.8579 +bathroom/rgb_00712.jpg bathroom/sync_depth_00712.png 518.8579 +bathroom/rgb_00716.jpg bathroom/sync_depth_00716.png 518.8579 +bathroom/rgb_00717.jpg bathroom/sync_depth_00717.png 518.8579 +bathroom/rgb_00723.jpg bathroom/sync_depth_00723.png 518.8579 +bathroom/rgb_00724.jpg bathroom/sync_depth_00724.png 518.8579 +bathroom/rgb_00725.jpg bathroom/sync_depth_00725.png 518.8579 +bathroom/rgb_00726.jpg bathroom/sync_depth_00726.png 518.8579 +bathroom/rgb_00727.jpg bathroom/sync_depth_00727.png 518.8579 +bathroom/rgb_00730.jpg bathroom/sync_depth_00730.png 518.8579 +bathroom/rgb_00731.jpg bathroom/sync_depth_00731.png 518.8579 +bathroom/rgb_00732.jpg bathroom/sync_depth_00732.png 518.8579 +bathroom/rgb_00733.jpg bathroom/sync_depth_00733.png 518.8579 +bathroom/rgb_00742.jpg bathroom/sync_depth_00742.png 518.8579 +bathroom/rgb_00743.jpg bathroom/sync_depth_00743.png 518.8579 +bedroom/rgb_00055.jpg bedroom/sync_depth_00055.png 518.8579 +bedroom/rgb_00056.jpg bedroom/sync_depth_00056.png 518.8579 +bedroom/rgb_00058.jpg bedroom/sync_depth_00058.png 518.8579 +bedroom/rgb_00059.jpg bedroom/sync_depth_00059.png 518.8579 +bedroom/rgb_00060.jpg bedroom/sync_depth_00060.png 518.8579 +bedroom/rgb_00061.jpg bedroom/sync_depth_00061.png 518.8579 +bedroom/rgb_00062.jpg bedroom/sync_depth_00062.png 518.8579 +bedroom/rgb_00075.jpg bedroom/sync_depth_00075.png 518.8579 +bedroom/rgb_00076.jpg bedroom/sync_depth_00076.png 518.8579 +bedroom/rgb_00077.jpg bedroom/sync_depth_00077.png 518.8579 +bedroom/rgb_00078.jpg bedroom/sync_depth_00078.png 518.8579 +bedroom/rgb_00170.jpg bedroom/sync_depth_00170.png 518.8579 +bedroom/rgb_00171.jpg bedroom/sync_depth_00171.png 518.8579 +bedroom/rgb_00172.jpg bedroom/sync_depth_00172.png 518.8579 +bedroom/rgb_00173.jpg bedroom/sync_depth_00173.png 518.8579 +bedroom/rgb_00174.jpg bedroom/sync_depth_00174.png 518.8579 +bedroom/rgb_00175.jpg bedroom/sync_depth_00175.png 518.8579 +bedroom/rgb_00180.jpg bedroom/sync_depth_00180.png 518.8579 +bedroom/rgb_00181.jpg bedroom/sync_depth_00181.png 518.8579 +bedroom/rgb_00182.jpg bedroom/sync_depth_00182.png 518.8579 +bedroom/rgb_00183.jpg bedroom/sync_depth_00183.png 518.8579 +bedroom/rgb_00184.jpg bedroom/sync_depth_00184.png 518.8579 +bedroom/rgb_00185.jpg bedroom/sync_depth_00185.png 518.8579 +bedroom/rgb_00186.jpg bedroom/sync_depth_00186.png 518.8579 +bedroom/rgb_00187.jpg bedroom/sync_depth_00187.png 518.8579 +bedroom/rgb_00188.jpg bedroom/sync_depth_00188.png 518.8579 +bedroom/rgb_00189.jpg bedroom/sync_depth_00189.png 518.8579 +bedroom/rgb_00190.jpg bedroom/sync_depth_00190.png 518.8579 +bedroom/rgb_00191.jpg bedroom/sync_depth_00191.png 518.8579 +bedroom/rgb_00192.jpg bedroom/sync_depth_00192.png 518.8579 +bedroom/rgb_00219.jpg bedroom/sync_depth_00219.png 518.8579 +bedroom/rgb_00220.jpg bedroom/sync_depth_00220.png 518.8579 +bedroom/rgb_00221.jpg bedroom/sync_depth_00221.png 518.8579 +bedroom/rgb_00279.jpg bedroom/sync_depth_00279.png 518.8579 +bedroom/rgb_00179.jpg bedroom/sync_depth_00179.png 518.8579 +bedroom/rgb_00280.jpg bedroom/sync_depth_00280.png 518.8579 +bedroom/rgb_00536.jpg bedroom/sync_depth_00536.png 518.8579 +bedroom/rgb_00960.jpg bedroom/sync_depth_00960.png 518.8579 +bedroom/rgb_01000.jpg bedroom/sync_depth_01000.png 518.8579 +bedroom/rgb_01052.jpg bedroom/sync_depth_01052.png 518.8579 +bedroom/rgb_01092.jpg bedroom/sync_depth_01092.png 518.8579 +bedroom/rgb_01122.jpg bedroom/sync_depth_01122.png 518.8579 +bedroom/rgb_01150.jpg bedroom/sync_depth_01150.png 518.8579 +bedroom/rgb_00281.jpg bedroom/sync_depth_00281.png 518.8579 +bedroom/rgb_00282.jpg bedroom/sync_depth_00282.png 518.8579 +bedroom/rgb_00514.jpg bedroom/sync_depth_00514.png 518.8579 +bedroom/rgb_00515.jpg bedroom/sync_depth_00515.png 518.8579 +bedroom/rgb_00516.jpg bedroom/sync_depth_00516.png 518.8579 +bedroom/rgb_00517.jpg bedroom/sync_depth_00517.png 518.8579 +bedroom/rgb_00518.jpg bedroom/sync_depth_00518.png 518.8579 +bedroom/rgb_00519.jpg bedroom/sync_depth_00519.png 518.8579 +bedroom/rgb_00520.jpg bedroom/sync_depth_00520.png 518.8579 +bedroom/rgb_00521.jpg bedroom/sync_depth_00521.png 518.8579 +bedroom/rgb_00522.jpg bedroom/sync_depth_00522.png 518.8579 +bedroom/rgb_00523.jpg bedroom/sync_depth_00523.png 518.8579 +bedroom/rgb_00524.jpg bedroom/sync_depth_00524.png 518.8579 +bedroom/rgb_00525.jpg bedroom/sync_depth_00525.png 518.8579 +bedroom/rgb_00530.jpg bedroom/sync_depth_00530.png 518.8579 +bedroom/rgb_00531.jpg bedroom/sync_depth_00531.png 518.8579 +bedroom/rgb_00532.jpg bedroom/sync_depth_00532.png 518.8579 +bedroom/rgb_00537.jpg bedroom/sync_depth_00537.png 518.8579 +bedroom/rgb_00538.jpg bedroom/sync_depth_00538.png 518.8579 +bedroom/rgb_00916.jpg bedroom/sync_depth_00916.png 518.8579 +bedroom/rgb_00917.jpg bedroom/sync_depth_00917.png 518.8579 +bedroom/rgb_00918.jpg bedroom/sync_depth_00918.png 518.8579 +bedroom/rgb_00925.jpg bedroom/sync_depth_00925.png 518.8579 +bedroom/rgb_00926.jpg bedroom/sync_depth_00926.png 518.8579 +bedroom/rgb_00927.jpg bedroom/sync_depth_00927.png 518.8579 +bedroom/rgb_00931.jpg bedroom/sync_depth_00931.png 518.8579 +bedroom/rgb_00932.jpg bedroom/sync_depth_00932.png 518.8579 +bedroom/rgb_00933.jpg bedroom/sync_depth_00933.png 518.8579 +bedroom/rgb_00934.jpg bedroom/sync_depth_00934.png 518.8579 +bedroom/rgb_00944.jpg bedroom/sync_depth_00944.png 518.8579 +bedroom/rgb_00945.jpg bedroom/sync_depth_00945.png 518.8579 +bedroom/rgb_00946.jpg bedroom/sync_depth_00946.png 518.8579 +bedroom/rgb_00958.jpg bedroom/sync_depth_00958.png 518.8579 +bedroom/rgb_00959.jpg bedroom/sync_depth_00959.png 518.8579 +bedroom/rgb_00961.jpg bedroom/sync_depth_00961.png 518.8579 +bedroom/rgb_00964.jpg bedroom/sync_depth_00964.png 518.8579 +bedroom/rgb_00965.jpg bedroom/sync_depth_00965.png 518.8579 +bedroom/rgb_00966.jpg bedroom/sync_depth_00966.png 518.8579 +bedroom/rgb_00969.jpg bedroom/sync_depth_00969.png 518.8579 +bedroom/rgb_00970.jpg bedroom/sync_depth_00970.png 518.8579 +bedroom/rgb_00971.jpg bedroom/sync_depth_00971.png 518.8579 +bedroom/rgb_00972.jpg bedroom/sync_depth_00972.png 518.8579 +bedroom/rgb_00973.jpg bedroom/sync_depth_00973.png 518.8579 +bedroom/rgb_00974.jpg bedroom/sync_depth_00974.png 518.8579 +bedroom/rgb_00975.jpg bedroom/sync_depth_00975.png 518.8579 +bedroom/rgb_00976.jpg bedroom/sync_depth_00976.png 518.8579 +bedroom/rgb_00990.jpg bedroom/sync_depth_00990.png 518.8579 +bedroom/rgb_00991.jpg bedroom/sync_depth_00991.png 518.8579 +bedroom/rgb_00992.jpg bedroom/sync_depth_00992.png 518.8579 +bedroom/rgb_00993.jpg bedroom/sync_depth_00993.png 518.8579 +bedroom/rgb_00994.jpg bedroom/sync_depth_00994.png 518.8579 +bedroom/rgb_01001.jpg bedroom/sync_depth_01001.png 518.8579 +bedroom/rgb_01002.jpg bedroom/sync_depth_01002.png 518.8579 +bedroom/rgb_01003.jpg bedroom/sync_depth_01003.png 518.8579 +bedroom/rgb_01009.jpg bedroom/sync_depth_01009.png 518.8579 +bedroom/rgb_01010.jpg bedroom/sync_depth_01010.png 518.8579 +bedroom/rgb_01011.jpg bedroom/sync_depth_01011.png 518.8579 +bedroom/rgb_01020.jpg bedroom/sync_depth_01020.png 518.8579 +bedroom/rgb_01021.jpg bedroom/sync_depth_01021.png 518.8579 +bedroom/rgb_01022.jpg bedroom/sync_depth_01022.png 518.8579 +bedroom/rgb_01031.jpg bedroom/sync_depth_01031.png 518.8579 +bedroom/rgb_01032.jpg bedroom/sync_depth_01032.png 518.8579 +bedroom/rgb_01033.jpg bedroom/sync_depth_01033.png 518.8579 +bedroom/rgb_01037.jpg bedroom/sync_depth_01037.png 518.8579 +bedroom/rgb_01038.jpg bedroom/sync_depth_01038.png 518.8579 +bedroom/rgb_01047.jpg bedroom/sync_depth_01047.png 518.8579 +bedroom/rgb_01048.jpg bedroom/sync_depth_01048.png 518.8579 +bedroom/rgb_01051.jpg bedroom/sync_depth_01051.png 518.8579 +bedroom/rgb_01056.jpg bedroom/sync_depth_01056.png 518.8579 +bedroom/rgb_01057.jpg bedroom/sync_depth_01057.png 518.8579 +bedroom/rgb_01074.jpg bedroom/sync_depth_01074.png 518.8579 +bedroom/rgb_01075.jpg bedroom/sync_depth_01075.png 518.8579 +bedroom/rgb_01076.jpg bedroom/sync_depth_01076.png 518.8579 +bedroom/rgb_01077.jpg bedroom/sync_depth_01077.png 518.8579 +bedroom/rgb_01078.jpg bedroom/sync_depth_01078.png 518.8579 +bedroom/rgb_01079.jpg bedroom/sync_depth_01079.png 518.8579 +bedroom/rgb_01080.jpg bedroom/sync_depth_01080.png 518.8579 +bedroom/rgb_01081.jpg bedroom/sync_depth_01081.png 518.8579 +bedroom/rgb_01082.jpg bedroom/sync_depth_01082.png 518.8579 +bedroom/rgb_01083.jpg bedroom/sync_depth_01083.png 518.8579 +bedroom/rgb_01087.jpg bedroom/sync_depth_01087.png 518.8579 +bedroom/rgb_01088.jpg bedroom/sync_depth_01088.png 518.8579 +bedroom/rgb_01089.jpg bedroom/sync_depth_01089.png 518.8579 +bedroom/rgb_01090.jpg bedroom/sync_depth_01090.png 518.8579 +bedroom/rgb_01091.jpg bedroom/sync_depth_01091.png 518.8579 +bedroom/rgb_01093.jpg bedroom/sync_depth_01093.png 518.8579 +bedroom/rgb_01094.jpg bedroom/sync_depth_01094.png 518.8579 +bedroom/rgb_01095.jpg bedroom/sync_depth_01095.png 518.8579 +bedroom/rgb_01097.jpg bedroom/sync_depth_01097.png 518.8579 +bedroom/rgb_01098.jpg bedroom/sync_depth_01098.png 518.8579 +bedroom/rgb_01099.jpg bedroom/sync_depth_01099.png 518.8579 +bedroom/rgb_01100.jpg bedroom/sync_depth_01100.png 518.8579 +bedroom/rgb_01101.jpg bedroom/sync_depth_01101.png 518.8579 +bedroom/rgb_01102.jpg bedroom/sync_depth_01102.png 518.8579 +bedroom/rgb_01103.jpg bedroom/sync_depth_01103.png 518.8579 +bedroom/rgb_01105.jpg bedroom/sync_depth_01105.png 518.8579 +bedroom/rgb_01106.jpg bedroom/sync_depth_01106.png 518.8579 +bedroom/rgb_01107.jpg bedroom/sync_depth_01107.png 518.8579 +bedroom/rgb_01108.jpg bedroom/sync_depth_01108.png 518.8579 +bedroom/rgb_01116.jpg bedroom/sync_depth_01116.png 518.8579 +bedroom/rgb_01117.jpg bedroom/sync_depth_01117.png 518.8579 +bedroom/rgb_01118.jpg bedroom/sync_depth_01118.png 518.8579 +bedroom/rgb_01123.jpg bedroom/sync_depth_01123.png 518.8579 +bedroom/rgb_01124.jpg bedroom/sync_depth_01124.png 518.8579 +bedroom/rgb_01125.jpg bedroom/sync_depth_01125.png 518.8579 +bedroom/rgb_01126.jpg bedroom/sync_depth_01126.png 518.8579 +bedroom/rgb_01127.jpg bedroom/sync_depth_01127.png 518.8579 +bedroom/rgb_01128.jpg bedroom/sync_depth_01128.png 518.8579 +bedroom/rgb_01129.jpg bedroom/sync_depth_01129.png 518.8579 +bedroom/rgb_01130.jpg bedroom/sync_depth_01130.png 518.8579 +bedroom/rgb_01134.jpg bedroom/sync_depth_01134.png 518.8579 +bedroom/rgb_01135.jpg bedroom/sync_depth_01135.png 518.8579 +bedroom/rgb_01143.jpg bedroom/sync_depth_01143.png 518.8579 +bedroom/rgb_01144.jpg bedroom/sync_depth_01144.png 518.8579 +bedroom/rgb_01145.jpg bedroom/sync_depth_01145.png 518.8579 +bedroom/rgb_01146.jpg bedroom/sync_depth_01146.png 518.8579 +bedroom/rgb_01147.jpg bedroom/sync_depth_01147.png 518.8579 +bedroom/rgb_01148.jpg bedroom/sync_depth_01148.png 518.8579 +bedroom/rgb_01149.jpg bedroom/sync_depth_01149.png 518.8579 +bedroom/rgb_01151.jpg bedroom/sync_depth_01151.png 518.8579 +bedroom/rgb_01152.jpg bedroom/sync_depth_01152.png 518.8579 +bedroom/rgb_01153.jpg bedroom/sync_depth_01153.png 518.8579 +bedroom/rgb_01154.jpg bedroom/sync_depth_01154.png 518.8579 +bedroom/rgb_01155.jpg bedroom/sync_depth_01155.png 518.8579 +bedroom/rgb_01156.jpg bedroom/sync_depth_01156.png 518.8579 +bedroom/rgb_01157.jpg bedroom/sync_depth_01157.png 518.8579 +bedroom/rgb_01161.jpg bedroom/sync_depth_01161.png 518.8579 +bedroom/rgb_01162.jpg bedroom/sync_depth_01162.png 518.8579 +bedroom/rgb_01163.jpg bedroom/sync_depth_01163.png 518.8579 +bedroom/rgb_01164.jpg bedroom/sync_depth_01164.png 518.8579 +bedroom/rgb_01165.jpg bedroom/sync_depth_01165.png 518.8579 +bedroom/rgb_01166.jpg bedroom/sync_depth_01166.png 518.8579 +bedroom/rgb_01169.jpg bedroom/sync_depth_01169.png 518.8579 +bedroom/rgb_01170.jpg bedroom/sync_depth_01170.png 518.8579 +bedroom/rgb_01173.jpg bedroom/sync_depth_01173.png 518.8579 +bedroom/rgb_01174.jpg bedroom/sync_depth_01174.png 518.8579 +bedroom/rgb_01175.jpg bedroom/sync_depth_01175.png 518.8579 +bedroom/rgb_01178.jpg bedroom/sync_depth_01178.png 518.8579 +bedroom/rgb_01179.jpg bedroom/sync_depth_01179.png 518.8579 +bedroom/rgb_01180.jpg bedroom/sync_depth_01180.png 518.8579 +bedroom/rgb_01181.jpg bedroom/sync_depth_01181.png 518.8579 +bedroom/rgb_01182.jpg bedroom/sync_depth_01182.png 518.8579 +bedroom/rgb_01183.jpg bedroom/sync_depth_01183.png 518.8579 +bedroom/rgb_01191.jpg bedroom/sync_depth_01191.png 518.8579 +bedroom/rgb_01192.jpg bedroom/sync_depth_01192.png 518.8579 +bedroom/rgb_01193.jpg bedroom/sync_depth_01193.png 518.8579 +bedroom/rgb_01194.jpg bedroom/sync_depth_01194.png 518.8579 +bedroom/rgb_01195.jpg bedroom/sync_depth_01195.png 518.8579 +bookstore/rgb_00083.jpg bookstore/sync_depth_00083.png 518.8579 +bookstore/rgb_00084.jpg bookstore/sync_depth_00084.png 518.8579 +bookstore/rgb_00085.jpg bookstore/sync_depth_00085.png 518.8579 +bookstore/rgb_00086.jpg bookstore/sync_depth_00086.png 518.8579 +bookstore/rgb_00087.jpg bookstore/sync_depth_00087.png 518.8579 +bookstore/rgb_00088.jpg bookstore/sync_depth_00088.png 518.8579 +bookstore/rgb_00089.jpg bookstore/sync_depth_00089.png 518.8579 +bookstore/rgb_00090.jpg bookstore/sync_depth_00090.png 518.8579 +bookstore/rgb_00116.jpg bookstore/sync_depth_00116.png 518.8579 +bookstore/rgb_00117.jpg bookstore/sync_depth_00117.png 518.8579 +bookstore/rgb_00118.jpg bookstore/sync_depth_00118.png 518.8579 +classroom/rgb_00283.jpg classroom/sync_depth_00283.png 518.8579 +classroom/rgb_00284.jpg classroom/sync_depth_00284.png 518.8579 +classroom/rgb_00295.jpg classroom/sync_depth_00295.png 518.8579 +classroom/rgb_00296.jpg classroom/sync_depth_00296.png 518.8579 +classroom/rgb_00297.jpg classroom/sync_depth_00297.png 518.8579 +classroom/rgb_00298.jpg classroom/sync_depth_00298.png 518.8579 +classroom/rgb_00299.jpg classroom/sync_depth_00299.png 518.8579 +classroom/rgb_00300.jpg classroom/sync_depth_00300.png 518.8579 +classroom/rgb_00301.jpg classroom/sync_depth_00301.png 518.8579 +classroom/rgb_00309.jpg classroom/sync_depth_00309.png 518.8579 +classroom/rgb_00310.jpg classroom/sync_depth_00310.png 518.8579 +classroom/rgb_00311.jpg classroom/sync_depth_00311.png 518.8579 +classroom/rgb_00314.jpg classroom/sync_depth_00314.png 518.8579 +classroom/rgb_00315.jpg classroom/sync_depth_00315.png 518.8579 +classroom/rgb_00316.jpg classroom/sync_depth_00316.png 518.8579 +classroom/rgb_00324.jpg classroom/sync_depth_00324.png 518.8579 +classroom/rgb_00325.jpg classroom/sync_depth_00325.png 518.8579 +classroom/rgb_00326.jpg classroom/sync_depth_00326.png 518.8579 +classroom/rgb_00327.jpg classroom/sync_depth_00327.png 518.8579 +classroom/rgb_00328.jpg classroom/sync_depth_00328.png 518.8579 +classroom/rgb_00329.jpg classroom/sync_depth_00329.png 518.8579 +classroom/rgb_00330.jpg classroom/sync_depth_00330.png 518.8579 +classroom/rgb_00331.jpg classroom/sync_depth_00331.png 518.8579 +computer_lab/rgb_00332.jpg computer_lab/sync_depth_00332.png 518.8579 +computer_lab/rgb_00333.jpg computer_lab/sync_depth_00333.png 518.8579 +computer_lab/rgb_00334.jpg computer_lab/sync_depth_00334.png 518.8579 +dining_room/rgb_00548.jpg dining_room/sync_depth_00548.png 518.8579 +dining_room/rgb_00549.jpg dining_room/sync_depth_00549.png 518.8579 +dining_room/rgb_00550.jpg dining_room/sync_depth_00550.png 518.8579 +dining_room/rgb_01346.jpg dining_room/sync_depth_01346.png 518.8579 +dining_room/rgb_01347.jpg dining_room/sync_depth_01347.png 518.8579 +dining_room/rgb_01348.jpg dining_room/sync_depth_01348.png 518.8579 +dining_room/rgb_01352.jpg dining_room/sync_depth_01352.png 518.8579 +dining_room/rgb_01353.jpg dining_room/sync_depth_01353.png 518.8579 +dining_room/rgb_01354.jpg dining_room/sync_depth_01354.png 518.8579 +dining_room/rgb_01355.jpg dining_room/sync_depth_01355.png 518.8579 +dining_room/rgb_01363.jpg dining_room/sync_depth_01363.png 518.8579 +dining_room/rgb_01364.jpg dining_room/sync_depth_01364.png 518.8579 +dining_room/rgb_01367.jpg dining_room/sync_depth_01367.png 518.8579 +dining_room/rgb_01368.jpg dining_room/sync_depth_01368.png 518.8579 +dining_room/rgb_01383.jpg dining_room/sync_depth_01383.png 518.8579 +dining_room/rgb_01384.jpg dining_room/sync_depth_01384.png 518.8579 +dining_room/rgb_01385.jpg dining_room/sync_depth_01385.png 518.8579 +dining_room/rgb_01387.jpg dining_room/sync_depth_01387.png 518.8579 +dining_room/rgb_01388.jpg dining_room/sync_depth_01388.png 518.8579 +dining_room/rgb_01389.jpg dining_room/sync_depth_01389.png 518.8579 +dining_room/rgb_01390.jpg dining_room/sync_depth_01390.png 518.8579 +dining_room/rgb_01393.jpg dining_room/sync_depth_01393.png 518.8579 +dining_room/rgb_01394.jpg dining_room/sync_depth_01394.png 518.8579 +dining_room/rgb_01395.jpg dining_room/sync_depth_01395.png 518.8579 +dining_room/rgb_01396.jpg dining_room/sync_depth_01396.png 518.8579 +dining_room/rgb_01397.jpg dining_room/sync_depth_01397.png 518.8579 +dining_room/rgb_01398.jpg dining_room/sync_depth_01398.png 518.8579 +dining_room/rgb_01399.jpg dining_room/sync_depth_01399.png 518.8579 +dining_room/rgb_01400.jpg dining_room/sync_depth_01400.png 518.8579 +dining_room/rgb_01406.jpg dining_room/sync_depth_01406.png 518.8579 +dining_room/rgb_01407.jpg dining_room/sync_depth_01407.png 518.8579 +dining_room/rgb_01408.jpg dining_room/sync_depth_01408.png 518.8579 +dining_room/rgb_01409.jpg dining_room/sync_depth_01409.png 518.8579 +dining_room/rgb_01410.jpg dining_room/sync_depth_01410.png 518.8579 +dining_room/rgb_01386.jpg dining_room/sync_depth_01386.png 518.8579 +dining_room/rgb_01411.jpg dining_room/sync_depth_01411.png 518.8579 +dining_room/rgb_01412.jpg dining_room/sync_depth_01412.png 518.8579 +dining_room/rgb_01413.jpg dining_room/sync_depth_01413.png 518.8579 +dining_room/rgb_01420.jpg dining_room/sync_depth_01420.png 518.8579 +dining_room/rgb_01421.jpg dining_room/sync_depth_01421.png 518.8579 +dining_room/rgb_01422.jpg dining_room/sync_depth_01422.png 518.8579 +dining_room/rgb_01423.jpg dining_room/sync_depth_01423.png 518.8579 +dining_room/rgb_01429.jpg dining_room/sync_depth_01429.png 518.8579 +dining_room/rgb_01430.jpg dining_room/sync_depth_01430.png 518.8579 +dining_room/rgb_01431.jpg dining_room/sync_depth_01431.png 518.8579 +dining_room/rgb_01432.jpg dining_room/sync_depth_01432.png 518.8579 +dining_room/rgb_01440.jpg dining_room/sync_depth_01440.png 518.8579 +dining_room/rgb_01441.jpg dining_room/sync_depth_01441.png 518.8579 +dining_room/rgb_01442.jpg dining_room/sync_depth_01442.png 518.8579 +dining_room/rgb_01443.jpg dining_room/sync_depth_01443.png 518.8579 +dining_room/rgb_01444.jpg dining_room/sync_depth_01444.png 518.8579 +dining_room/rgb_01445.jpg dining_room/sync_depth_01445.png 518.8579 +dining_room/rgb_01446.jpg dining_room/sync_depth_01446.png 518.8579 +dining_room/rgb_01447.jpg dining_room/sync_depth_01447.png 518.8579 +dining_room/rgb_01448.jpg dining_room/sync_depth_01448.png 518.8579 +foyer/rgb_00350.jpg foyer/sync_depth_00350.png 518.8579 +foyer/rgb_00351.jpg foyer/sync_depth_00351.png 518.8579 +home_office/rgb_00354.jpg home_office/sync_depth_00354.png 518.8579 +home_office/rgb_00355.jpg home_office/sync_depth_00355.png 518.8579 +home_office/rgb_00356.jpg home_office/sync_depth_00356.png 518.8579 +home_office/rgb_00357.jpg home_office/sync_depth_00357.png 518.8579 +home_office/rgb_00358.jpg home_office/sync_depth_00358.png 518.8579 +home_office/rgb_00359.jpg home_office/sync_depth_00359.png 518.8579 +home_office/rgb_00360.jpg home_office/sync_depth_00360.png 518.8579 +home_office/rgb_00361.jpg home_office/sync_depth_00361.png 518.8579 +home_office/rgb_00362.jpg home_office/sync_depth_00362.png 518.8579 +home_office/rgb_00363.jpg home_office/sync_depth_00363.png 518.8579 +home_office/rgb_00383.jpg home_office/sync_depth_00383.png 518.8579 +home_office/rgb_00384.jpg home_office/sync_depth_00384.png 518.8579 +home_office/rgb_00385.jpg home_office/sync_depth_00385.png 518.8579 +home_office/rgb_00386.jpg home_office/sync_depth_00386.png 518.8579 +home_office/rgb_00387.jpg home_office/sync_depth_00387.png 518.8579 +home_office/rgb_00388.jpg home_office/sync_depth_00388.png 518.8579 +home_office/rgb_00389.jpg home_office/sync_depth_00389.png 518.8579 +home_office/rgb_00394.jpg home_office/sync_depth_00394.png 518.8579 +home_office/rgb_00395.jpg home_office/sync_depth_00395.png 518.8579 +home_office/rgb_00396.jpg home_office/sync_depth_00396.png 518.8579 +home_office/rgb_00554.jpg home_office/sync_depth_00554.png 518.8579 +home_office/rgb_00555.jpg home_office/sync_depth_00555.png 518.8579 +home_office/rgb_00556.jpg home_office/sync_depth_00556.png 518.8579 +home_office/rgb_00557.jpg home_office/sync_depth_00557.png 518.8579 +kitchen/rgb_00000.jpg kitchen/sync_depth_00000.png 518.8579 +kitchen/rgb_00001.jpg kitchen/sync_depth_00001.png 518.8579 +kitchen/rgb_00124.jpg kitchen/sync_depth_00124.png 518.8579 +kitchen/rgb_00125.jpg kitchen/sync_depth_00125.png 518.8579 +kitchen/rgb_00126.jpg kitchen/sync_depth_00126.png 518.8579 +kitchen/rgb_00127.jpg kitchen/sync_depth_00127.png 518.8579 +kitchen/rgb_00128.jpg kitchen/sync_depth_00128.png 518.8579 +kitchen/rgb_00130.jpg kitchen/sync_depth_00130.png 518.8579 +kitchen/rgb_00131.jpg kitchen/sync_depth_00131.png 518.8579 +kitchen/rgb_00132.jpg kitchen/sync_depth_00132.png 518.8579 +kitchen/rgb_00133.jpg kitchen/sync_depth_00133.png 518.8579 +kitchen/rgb_00136.jpg kitchen/sync_depth_00136.png 518.8579 +kitchen/rgb_00193.jpg kitchen/sync_depth_00193.png 518.8579 +kitchen/rgb_00194.jpg kitchen/sync_depth_00194.png 518.8579 +kitchen/rgb_00195.jpg kitchen/sync_depth_00195.png 518.8579 +kitchen/rgb_00196.jpg kitchen/sync_depth_00196.png 518.8579 +kitchen/rgb_00197.jpg kitchen/sync_depth_00197.png 518.8579 +kitchen/rgb_00199.jpg kitchen/sync_depth_00199.png 518.8579 +kitchen/rgb_00200.jpg kitchen/sync_depth_00200.png 518.8579 +kitchen/rgb_00201.jpg kitchen/sync_depth_00201.png 518.8579 +kitchen/rgb_00249.jpg kitchen/sync_depth_00249.png 518.8579 +kitchen/rgb_00558.jpg kitchen/sync_depth_00558.png 518.8579 +kitchen/rgb_00559.jpg kitchen/sync_depth_00559.png 518.8579 +kitchen/rgb_00560.jpg kitchen/sync_depth_00560.png 518.8579 +kitchen/rgb_00561.jpg kitchen/sync_depth_00561.png 518.8579 +kitchen/rgb_00562.jpg kitchen/sync_depth_00562.png 518.8579 +kitchen/rgb_00563.jpg kitchen/sync_depth_00563.png 518.8579 +kitchen/rgb_00564.jpg kitchen/sync_depth_00564.png 518.8579 +kitchen/rgb_00565.jpg kitchen/sync_depth_00565.png 518.8579 +kitchen/rgb_00566.jpg kitchen/sync_depth_00566.png 518.8579 +kitchen/rgb_00567.jpg kitchen/sync_depth_00567.png 518.8579 +kitchen/rgb_00568.jpg kitchen/sync_depth_00568.png 518.8579 +kitchen/rgb_00569.jpg kitchen/sync_depth_00569.png 518.8579 +kitchen/rgb_00570.jpg kitchen/sync_depth_00570.png 518.8579 +kitchen/rgb_00198.jpg kitchen/sync_depth_00198.png 518.8579 +kitchen/rgb_00758.jpg kitchen/sync_depth_00758.png 518.8579 +kitchen/rgb_00776.jpg kitchen/sync_depth_00776.png 518.8579 +kitchen/rgb_00811.jpg kitchen/sync_depth_00811.png 518.8579 +kitchen/rgb_00844.jpg kitchen/sync_depth_00844.png 518.8579 +kitchen/rgb_00759.jpg kitchen/sync_depth_00759.png 518.8579 +kitchen/rgb_00760.jpg kitchen/sync_depth_00760.png 518.8579 +kitchen/rgb_00761.jpg kitchen/sync_depth_00761.png 518.8579 +kitchen/rgb_00762.jpg kitchen/sync_depth_00762.png 518.8579 +kitchen/rgb_00763.jpg kitchen/sync_depth_00763.png 518.8579 +kitchen/rgb_00764.jpg kitchen/sync_depth_00764.png 518.8579 +kitchen/rgb_00765.jpg kitchen/sync_depth_00765.png 518.8579 +kitchen/rgb_00766.jpg kitchen/sync_depth_00766.png 518.8579 +kitchen/rgb_00767.jpg kitchen/sync_depth_00767.png 518.8579 +kitchen/rgb_00768.jpg kitchen/sync_depth_00768.png 518.8579 +kitchen/rgb_00769.jpg kitchen/sync_depth_00769.png 518.8579 +kitchen/rgb_00770.jpg kitchen/sync_depth_00770.png 518.8579 +kitchen/rgb_00771.jpg kitchen/sync_depth_00771.png 518.8579 +kitchen/rgb_00772.jpg kitchen/sync_depth_00772.png 518.8579 +kitchen/rgb_00773.jpg kitchen/sync_depth_00773.png 518.8579 +kitchen/rgb_00774.jpg kitchen/sync_depth_00774.png 518.8579 +kitchen/rgb_00775.jpg kitchen/sync_depth_00775.png 518.8579 +kitchen/rgb_00777.jpg kitchen/sync_depth_00777.png 518.8579 +kitchen/rgb_00778.jpg kitchen/sync_depth_00778.png 518.8579 +kitchen/rgb_00779.jpg kitchen/sync_depth_00779.png 518.8579 +kitchen/rgb_00780.jpg kitchen/sync_depth_00780.png 518.8579 +kitchen/rgb_00781.jpg kitchen/sync_depth_00781.png 518.8579 +kitchen/rgb_00782.jpg kitchen/sync_depth_00782.png 518.8579 +kitchen/rgb_00783.jpg kitchen/sync_depth_00783.png 518.8579 +kitchen/rgb_00784.jpg kitchen/sync_depth_00784.png 518.8579 +kitchen/rgb_00785.jpg kitchen/sync_depth_00785.png 518.8579 +kitchen/rgb_00786.jpg kitchen/sync_depth_00786.png 518.8579 +kitchen/rgb_00799.jpg kitchen/sync_depth_00799.png 518.8579 +kitchen/rgb_00800.jpg kitchen/sync_depth_00800.png 518.8579 +kitchen/rgb_00801.jpg kitchen/sync_depth_00801.png 518.8579 +kitchen/rgb_00802.jpg kitchen/sync_depth_00802.png 518.8579 +kitchen/rgb_00803.jpg kitchen/sync_depth_00803.png 518.8579 +kitchen/rgb_00809.jpg kitchen/sync_depth_00809.png 518.8579 +kitchen/rgb_00810.jpg kitchen/sync_depth_00810.png 518.8579 +kitchen/rgb_00812.jpg kitchen/sync_depth_00812.png 518.8579 +kitchen/rgb_00813.jpg kitchen/sync_depth_00813.png 518.8579 +kitchen/rgb_00820.jpg kitchen/sync_depth_00820.png 518.8579 +kitchen/rgb_00821.jpg kitchen/sync_depth_00821.png 518.8579 +kitchen/rgb_00822.jpg kitchen/sync_depth_00822.png 518.8579 +kitchen/rgb_00832.jpg kitchen/sync_depth_00832.png 518.8579 +kitchen/rgb_00833.jpg kitchen/sync_depth_00833.png 518.8579 +kitchen/rgb_00834.jpg kitchen/sync_depth_00834.png 518.8579 +kitchen/rgb_00835.jpg kitchen/sync_depth_00835.png 518.8579 +kitchen/rgb_00836.jpg kitchen/sync_depth_00836.png 518.8579 +kitchen/rgb_00837.jpg kitchen/sync_depth_00837.png 518.8579 +kitchen/rgb_00838.jpg kitchen/sync_depth_00838.png 518.8579 +kitchen/rgb_00839.jpg kitchen/sync_depth_00839.png 518.8579 +kitchen/rgb_00840.jpg kitchen/sync_depth_00840.png 518.8579 +kitchen/rgb_00841.jpg kitchen/sync_depth_00841.png 518.8579 +kitchen/rgb_00842.jpg kitchen/sync_depth_00842.png 518.8579 +kitchen/rgb_00843.jpg kitchen/sync_depth_00843.png 518.8579 +kitchen/rgb_00845.jpg kitchen/sync_depth_00845.png 518.8579 +kitchen/rgb_00849.jpg kitchen/sync_depth_00849.png 518.8579 +kitchen/rgb_00850.jpg kitchen/sync_depth_00850.png 518.8579 +kitchen/rgb_00851.jpg kitchen/sync_depth_00851.png 518.8579 +kitchen/rgb_00856.jpg kitchen/sync_depth_00856.png 518.8579 +kitchen/rgb_00857.jpg kitchen/sync_depth_00857.png 518.8579 +kitchen/rgb_00858.jpg kitchen/sync_depth_00858.png 518.8579 +kitchen/rgb_00859.jpg kitchen/sync_depth_00859.png 518.8579 +kitchen/rgb_00860.jpg kitchen/sync_depth_00860.png 518.8579 +kitchen/rgb_00861.jpg kitchen/sync_depth_00861.png 518.8579 +kitchen/rgb_00868.jpg kitchen/sync_depth_00868.png 518.8579 +kitchen/rgb_00869.jpg kitchen/sync_depth_00869.png 518.8579 +kitchen/rgb_00870.jpg kitchen/sync_depth_00870.png 518.8579 +kitchen/rgb_00905.jpg kitchen/sync_depth_00905.png 518.8579 +kitchen/rgb_00906.jpg kitchen/sync_depth_00906.png 518.8579 +kitchen/rgb_00907.jpg kitchen/sync_depth_00907.png 518.8579 +living_room/rgb_00152.jpg living_room/sync_depth_00152.png 518.8579 +living_room/rgb_00153.jpg living_room/sync_depth_00153.png 518.8579 +living_room/rgb_00154.jpg living_room/sync_depth_00154.png 518.8579 +living_room/rgb_00166.jpg living_room/sync_depth_00166.png 518.8579 +living_room/rgb_00167.jpg living_room/sync_depth_00167.png 518.8579 +living_room/rgb_00168.jpg living_room/sync_depth_00168.png 518.8579 +living_room/rgb_00206.jpg living_room/sync_depth_00206.png 518.8579 +living_room/rgb_00207.jpg living_room/sync_depth_00207.png 518.8579 +living_room/rgb_00208.jpg living_room/sync_depth_00208.png 518.8579 +living_room/rgb_00209.jpg living_room/sync_depth_00209.png 518.8579 +living_room/rgb_00210.jpg living_room/sync_depth_00210.png 518.8579 +living_room/rgb_00211.jpg living_room/sync_depth_00211.png 518.8579 +living_room/rgb_00263.jpg living_room/sync_depth_00263.png 518.8579 +living_room/rgb_00578.jpg living_room/sync_depth_00578.png 518.8579 +living_room/rgb_00579.jpg living_room/sync_depth_00579.png 518.8579 +living_room/rgb_00580.jpg living_room/sync_depth_00580.png 518.8579 +living_room/rgb_00581.jpg living_room/sync_depth_00581.png 518.8579 +living_room/rgb_00590.jpg living_room/sync_depth_00590.png 518.8579 +living_room/rgb_00591.jpg living_room/sync_depth_00591.png 518.8579 +living_room/rgb_00592.jpg living_room/sync_depth_00592.png 518.8579 +living_room/rgb_00593.jpg living_room/sync_depth_00593.png 518.8579 +living_room/rgb_00602.jpg living_room/sync_depth_00602.png 518.8579 +living_room/rgb_00603.jpg living_room/sync_depth_00603.png 518.8579 +living_room/rgb_00604.jpg living_room/sync_depth_00604.png 518.8579 +living_room/rgb_00605.jpg living_room/sync_depth_00605.png 518.8579 +living_room/rgb_00606.jpg living_room/sync_depth_00606.png 518.8579 +living_room/rgb_01200.jpg living_room/sync_depth_01200.png 518.8579 +living_room/rgb_01201.jpg living_room/sync_depth_01201.png 518.8579 +living_room/rgb_01202.jpg living_room/sync_depth_01202.png 518.8579 +living_room/rgb_01203.jpg living_room/sync_depth_01203.png 518.8579 +living_room/rgb_01204.jpg living_room/sync_depth_01204.png 518.8579 +living_room/rgb_01205.jpg living_room/sync_depth_01205.png 518.8579 +living_room/rgb_01206.jpg living_room/sync_depth_01206.png 518.8579 +living_room/rgb_01207.jpg living_room/sync_depth_01207.png 518.8579 +living_room/rgb_00582.jpg living_room/sync_depth_00582.png 518.8579 +living_room/rgb_01208.jpg living_room/sync_depth_01208.png 518.8579 +living_room/rgb_01247.jpg living_room/sync_depth_01247.png 518.8579 +living_room/rgb_01277.jpg living_room/sync_depth_01277.png 518.8579 +living_room/rgb_01302.jpg living_room/sync_depth_01302.png 518.8579 +living_room/rgb_01209.jpg living_room/sync_depth_01209.png 518.8579 +living_room/rgb_01210.jpg living_room/sync_depth_01210.png 518.8579 +living_room/rgb_01211.jpg living_room/sync_depth_01211.png 518.8579 +living_room/rgb_01215.jpg living_room/sync_depth_01215.png 518.8579 +living_room/rgb_01216.jpg living_room/sync_depth_01216.png 518.8579 +living_room/rgb_01217.jpg living_room/sync_depth_01217.png 518.8579 +living_room/rgb_01218.jpg living_room/sync_depth_01218.png 518.8579 +living_room/rgb_01219.jpg living_room/sync_depth_01219.png 518.8579 +living_room/rgb_01225.jpg living_room/sync_depth_01225.png 518.8579 +living_room/rgb_01226.jpg living_room/sync_depth_01226.png 518.8579 +living_room/rgb_01227.jpg living_room/sync_depth_01227.png 518.8579 +living_room/rgb_01228.jpg living_room/sync_depth_01228.png 518.8579 +living_room/rgb_01229.jpg living_room/sync_depth_01229.png 518.8579 +living_room/rgb_01232.jpg living_room/sync_depth_01232.png 518.8579 +living_room/rgb_01233.jpg living_room/sync_depth_01233.png 518.8579 +living_room/rgb_01234.jpg living_room/sync_depth_01234.png 518.8579 +living_room/rgb_01246.jpg living_room/sync_depth_01246.png 518.8579 +living_room/rgb_01248.jpg living_room/sync_depth_01248.png 518.8579 +living_room/rgb_01249.jpg living_room/sync_depth_01249.png 518.8579 +living_room/rgb_01253.jpg living_room/sync_depth_01253.png 518.8579 +living_room/rgb_01254.jpg living_room/sync_depth_01254.png 518.8579 +living_room/rgb_01255.jpg living_room/sync_depth_01255.png 518.8579 +living_room/rgb_01256.jpg living_room/sync_depth_01256.png 518.8579 +living_room/rgb_01257.jpg living_room/sync_depth_01257.png 518.8579 +living_room/rgb_01258.jpg living_room/sync_depth_01258.png 518.8579 +living_room/rgb_01259.jpg living_room/sync_depth_01259.png 518.8579 +living_room/rgb_01260.jpg living_room/sync_depth_01260.png 518.8579 +living_room/rgb_01261.jpg living_room/sync_depth_01261.png 518.8579 +living_room/rgb_01262.jpg living_room/sync_depth_01262.png 518.8579 +living_room/rgb_01263.jpg living_room/sync_depth_01263.png 518.8579 +living_room/rgb_01264.jpg living_room/sync_depth_01264.png 518.8579 +living_room/rgb_01274.jpg living_room/sync_depth_01274.png 518.8579 +living_room/rgb_01275.jpg living_room/sync_depth_01275.png 518.8579 +living_room/rgb_01276.jpg living_room/sync_depth_01276.png 518.8579 +living_room/rgb_01278.jpg living_room/sync_depth_01278.png 518.8579 +living_room/rgb_01279.jpg living_room/sync_depth_01279.png 518.8579 +living_room/rgb_01284.jpg living_room/sync_depth_01284.png 518.8579 +living_room/rgb_01285.jpg living_room/sync_depth_01285.png 518.8579 +living_room/rgb_01286.jpg living_room/sync_depth_01286.png 518.8579 +living_room/rgb_01287.jpg living_room/sync_depth_01287.png 518.8579 +living_room/rgb_01288.jpg living_room/sync_depth_01288.png 518.8579 +living_room/rgb_01289.jpg living_room/sync_depth_01289.png 518.8579 +living_room/rgb_01290.jpg living_room/sync_depth_01290.png 518.8579 +living_room/rgb_01291.jpg living_room/sync_depth_01291.png 518.8579 +living_room/rgb_01292.jpg living_room/sync_depth_01292.png 518.8579 +living_room/rgb_01293.jpg living_room/sync_depth_01293.png 518.8579 +living_room/rgb_01294.jpg living_room/sync_depth_01294.png 518.8579 +living_room/rgb_01296.jpg living_room/sync_depth_01296.png 518.8579 +living_room/rgb_01297.jpg living_room/sync_depth_01297.png 518.8579 +living_room/rgb_01298.jpg living_room/sync_depth_01298.png 518.8579 +living_room/rgb_01301.jpg living_room/sync_depth_01301.png 518.8579 +living_room/rgb_01303.jpg living_room/sync_depth_01303.png 518.8579 +living_room/rgb_01304.jpg living_room/sync_depth_01304.png 518.8579 +living_room/rgb_01305.jpg living_room/sync_depth_01305.png 518.8579 +living_room/rgb_01306.jpg living_room/sync_depth_01306.png 518.8579 +living_room/rgb_01307.jpg living_room/sync_depth_01307.png 518.8579 +living_room/rgb_01313.jpg living_room/sync_depth_01313.png 518.8579 +living_room/rgb_01314.jpg living_room/sync_depth_01314.png 518.8579 +living_room/rgb_01328.jpg living_room/sync_depth_01328.png 518.8579 +living_room/rgb_01329.jpg living_room/sync_depth_01329.png 518.8579 +living_room/rgb_01330.jpg living_room/sync_depth_01330.png 518.8579 +living_room/rgb_01331.jpg living_room/sync_depth_01331.png 518.8579 +living_room/rgb_01334.jpg living_room/sync_depth_01334.png 518.8579 +living_room/rgb_01335.jpg living_room/sync_depth_01335.png 518.8579 +living_room/rgb_01336.jpg living_room/sync_depth_01336.png 518.8579 +living_room/rgb_01337.jpg living_room/sync_depth_01337.png 518.8579 +living_room/rgb_01338.jpg living_room/sync_depth_01338.png 518.8579 +living_room/rgb_01339.jpg living_room/sync_depth_01339.png 518.8579 +office/rgb_00008.jpg office/sync_depth_00008.png 518.8579 +office/rgb_00013.jpg office/sync_depth_00013.png 518.8579 +office/rgb_00014.jpg office/sync_depth_00014.png 518.8579 +office/rgb_00015.jpg office/sync_depth_00015.png 518.8579 +office/rgb_00016.jpg office/sync_depth_00016.png 518.8579 +office/rgb_00017.jpg office/sync_depth_00017.png 518.8579 +office/rgb_00020.jpg office/sync_depth_00020.png 518.8579 +office/rgb_00027.jpg office/sync_depth_00027.png 518.8579 +office/rgb_00028.jpg office/sync_depth_00028.png 518.8579 +office/rgb_00029.jpg office/sync_depth_00029.png 518.8579 +office/rgb_00030.jpg office/sync_depth_00030.png 518.8579 +office/rgb_00031.jpg office/sync_depth_00031.png 518.8579 +office/rgb_00032.jpg office/sync_depth_00032.png 518.8579 +office/rgb_00033.jpg office/sync_depth_00033.png 518.8579 +office/rgb_00034.jpg office/sync_depth_00034.png 518.8579 +office/rgb_00035.jpg office/sync_depth_00035.png 518.8579 +office/rgb_00036.jpg office/sync_depth_00036.png 518.8579 +office/rgb_00038.jpg office/sync_depth_00038.png 518.8579 +office/rgb_00039.jpg office/sync_depth_00039.png 518.8579 +office/rgb_00040.jpg office/sync_depth_00040.png 518.8579 +office/rgb_00041.jpg office/sync_depth_00041.png 518.8579 +office/rgb_00042.jpg office/sync_depth_00042.png 518.8579 +office/rgb_00270.jpg office/sync_depth_00270.png 518.8579 +office/rgb_00271.jpg office/sync_depth_00271.png 518.8579 +office/rgb_00611.jpg office/sync_depth_00611.png 518.8579 +office/rgb_00612.jpg office/sync_depth_00612.png 518.8579 +office/rgb_00616.jpg office/sync_depth_00616.png 518.8579 +office/rgb_00617.jpg office/sync_depth_00617.png 518.8579 +office/rgb_00618.jpg office/sync_depth_00618.png 518.8579 +office/rgb_00619.jpg office/sync_depth_00619.png 518.8579 +office/rgb_00620.jpg office/sync_depth_00620.png 518.8579 +office/rgb_00632.jpg office/sync_depth_00632.png 518.8579 +office/rgb_00633.jpg office/sync_depth_00633.png 518.8579 +office/rgb_00634.jpg office/sync_depth_00634.png 518.8579 +office/rgb_00635.jpg office/sync_depth_00635.png 518.8579 +office/rgb_00636.jpg office/sync_depth_00636.png 518.8579 +office/rgb_00637.jpg office/sync_depth_00637.png 518.8579 +office/rgb_00037.jpg office/sync_depth_00037.png 518.8579 +office_kitchen/rgb_00410.jpg office_kitchen/sync_depth_00410.png 518.8579 +office_kitchen/rgb_00411.jpg office_kitchen/sync_depth_00411.png 518.8579 +office_kitchen/rgb_00412.jpg office_kitchen/sync_depth_00412.png 518.8579 +office_kitchen/rgb_00413.jpg office_kitchen/sync_depth_00413.png 518.8579 +playroom/rgb_00429.jpg playroom/sync_depth_00429.png 518.8579 +playroom/rgb_00430.jpg playroom/sync_depth_00430.png 518.8579 +playroom/rgb_00431.jpg playroom/sync_depth_00431.png 518.8579 +playroom/rgb_00432.jpg playroom/sync_depth_00432.png 518.8579 +playroom/rgb_00433.jpg playroom/sync_depth_00433.png 518.8579 +playroom/rgb_00434.jpg playroom/sync_depth_00434.png 518.8579 +playroom/rgb_00440.jpg playroom/sync_depth_00440.png 518.8579 +playroom/rgb_00441.jpg playroom/sync_depth_00441.png 518.8579 +playroom/rgb_00442.jpg playroom/sync_depth_00442.png 518.8579 +playroom/rgb_00443.jpg playroom/sync_depth_00443.png 518.8579 +playroom/rgb_00444.jpg playroom/sync_depth_00444.png 518.8579 +playroom/rgb_00445.jpg playroom/sync_depth_00445.png 518.8579 +playroom/rgb_00446.jpg playroom/sync_depth_00446.png 518.8579 +playroom/rgb_00447.jpg playroom/sync_depth_00447.png 518.8579 +reception_room/rgb_00461.jpg reception_room/sync_depth_00461.png 518.8579 +reception_room/rgb_00462.jpg reception_room/sync_depth_00462.png 518.8579 +reception_room/rgb_00463.jpg reception_room/sync_depth_00463.png 518.8579 +reception_room/rgb_00464.jpg reception_room/sync_depth_00464.png 518.8579 +reception_room/rgb_00465.jpg reception_room/sync_depth_00465.png 518.8579 +study/rgb_00468.jpg study/sync_depth_00468.png 518.8579 +study/rgb_00469.jpg study/sync_depth_00469.png 518.8579 +study/rgb_00470.jpg study/sync_depth_00470.png 518.8579 +study/rgb_00471.jpg study/sync_depth_00471.png 518.8579 +study/rgb_00472.jpg study/sync_depth_00472.png 518.8579 +study/rgb_00473.jpg study/sync_depth_00473.png 518.8579 +study/rgb_00474.jpg study/sync_depth_00474.png 518.8579 +study/rgb_00475.jpg study/sync_depth_00475.png 518.8579 +study/rgb_00476.jpg study/sync_depth_00476.png 518.8579 +study/rgb_00643.jpg study/sync_depth_00643.png 518.8579 +study/rgb_00644.jpg study/sync_depth_00644.png 518.8579 +study_room/rgb_00272.jpg study_room/sync_depth_00272.png 518.8579 +study_room/rgb_00278.jpg study_room/sync_depth_00278.png 518.8579 \ No newline at end of file diff --git a/train_test_inputs/nyudepthv2_train_files_with_gt.txt b/train_test_inputs/nyudepthv2_train_files_with_gt.txt new file mode 100644 index 000000000..278b2dd04 --- /dev/null +++ b/train_test_inputs/nyudepthv2_train_files_with_gt.txt @@ -0,0 +1,24231 @@ +/kitchen_0028b/rgb_00045.jpg /kitchen_0028b/sync_depth_00045.png 518.8579 +/living_room_0019/rgb_00111.jpg /living_room_0019/sync_depth_00111.png 518.8579 +/playroom_0004/rgb_00113.jpg /playroom_0004/sync_depth_00113.png 518.8579 +/kitchen_0047/rgb_00050.jpg /kitchen_0047/sync_depth_00050.png 518.8579 +/bedroom_0067a/rgb_00010.jpg /bedroom_0067a/sync_depth_00010.png 518.8579 +/bedroom_0060/rgb_00081.jpg /bedroom_0060/sync_depth_00081.png 518.8579 +/kitchen_0029b/rgb_00016.jpg /kitchen_0029b/sync_depth_00016.png 518.8579 +/bedroom_0052/rgb_00170.jpg /bedroom_0052/sync_depth_00170.png 518.8579 +/furniture_store_0002c/rgb_00027.jpg /furniture_store_0002c/sync_depth_00027.png 518.8579 +/kitchen_0051/rgb_00113.jpg /kitchen_0051/sync_depth_00113.png 518.8579 +/living_room_0004/rgb_00077.jpg /living_room_0004/sync_depth_00077.png 518.8579 +/bedroom_0100/rgb_00021.jpg /bedroom_0100/sync_depth_00021.png 518.8579 +/living_room_0047b/rgb_00003.jpg /living_room_0047b/sync_depth_00003.png 518.8579 +/kitchen_0031/rgb_00088.jpg /kitchen_0031/sync_depth_00088.png 518.8579 +/bedroom_0086/rgb_00088.jpg /bedroom_0086/sync_depth_00088.png 518.8579 +/playroom_0002/rgb_00111.jpg /playroom_0002/sync_depth_00111.png 518.8579 +/living_room_0042b/rgb_00091.jpg /living_room_0042b/sync_depth_00091.png 518.8579 +/bedroom_0060/rgb_00050.jpg /bedroom_0060/sync_depth_00050.png 518.8579 +/bookstore_0001d/rgb_00241.jpg /bookstore_0001d/sync_depth_00241.png 518.8579 +/bedroom_0020/rgb_00018.jpg /bedroom_0020/sync_depth_00018.png 518.8579 +/living_room_0006/rgb_00011.jpg /living_room_0006/sync_depth_00011.png 518.8579 +/living_room_0062/rgb_00153.jpg /living_room_0062/sync_depth_00153.png 518.8579 +/kitchen_0035a/rgb_00053.jpg /kitchen_0035a/sync_depth_00053.png 518.8579 +/dining_room_0031/rgb_00025.jpg /dining_room_0031/sync_depth_00025.png 518.8579 +/furniture_store_0001d/rgb_00114.jpg /furniture_store_0001d/sync_depth_00114.png 518.8579 +/living_room_0005/rgb_00097.jpg /living_room_0005/sync_depth_00097.png 518.8579 +/bedroom_0010/rgb_00109.jpg /bedroom_0010/sync_depth_00109.png 518.8579 +/bedroom_0080/rgb_00048.jpg /bedroom_0080/sync_depth_00048.png 518.8579 +/office_kitchen_0003/rgb_00038.jpg /office_kitchen_0003/sync_depth_00038.png 518.8579 +/office_0006/rgb_00030.jpg /office_0006/sync_depth_00030.png 518.8579 +/living_room_0058/rgb_00174.jpg /living_room_0058/sync_depth_00174.png 518.8579 +/reception_room_0001a/rgb_00078.jpg /reception_room_0001a/sync_depth_00078.png 518.8579 +/kitchen_0053/rgb_00189.jpg /kitchen_0053/sync_depth_00189.png 518.8579 +/living_room_0063/rgb_00085.jpg /living_room_0063/sync_depth_00085.png 518.8579 +/living_room_0067/rgb_00032.jpg /living_room_0067/sync_depth_00032.png 518.8579 +/playroom_0006/rgb_00124.jpg /playroom_0006/sync_depth_00124.png 518.8579 +/kitchen_0028b/rgb_00062.jpg /kitchen_0028b/sync_depth_00062.png 518.8579 +/basement_0001a/rgb_00012.jpg /basement_0001a/sync_depth_00012.png 518.8579 +/dining_room_0023/rgb_00093.jpg /dining_room_0023/sync_depth_00093.png 518.8579 +/bookstore_0001g/rgb_00190.jpg /bookstore_0001g/sync_depth_00190.png 518.8579 +/bedroom_0010/rgb_00067.jpg /bedroom_0010/sync_depth_00067.png 518.8579 +/living_room_0067/rgb_00048.jpg /living_room_0067/sync_depth_00048.png 518.8579 +/bedroom_0082/rgb_00014.jpg /bedroom_0082/sync_depth_00014.png 518.8579 +/living_room_0067/rgb_00051.jpg /living_room_0067/sync_depth_00051.png 518.8579 +/reception_room_0002/rgb_00108.jpg /reception_room_0002/sync_depth_00108.png 518.8579 +/furniture_store_0001d/rgb_00149.jpg /furniture_store_0001d/sync_depth_00149.png 518.8579 +/nyu_office_0/rgb_00145.jpg /nyu_office_0/sync_depth_00145.png 518.8579 +/reception_room_0002/rgb_00002.jpg /reception_room_0002/sync_depth_00002.png 518.8579 +/living_room_0047b/rgb_00185.jpg /living_room_0047b/sync_depth_00185.png 518.8579 +/bedroom_0063/rgb_00098.jpg /bedroom_0063/sync_depth_00098.png 518.8579 +/living_room_0078/rgb_00149.jpg /living_room_0078/sync_depth_00149.png 518.8579 +/bedroom_0106/rgb_00004.jpg /bedroom_0106/sync_depth_00004.png 518.8579 +/living_room_0082/rgb_00030.jpg /living_room_0082/sync_depth_00030.png 518.8579 +/furniture_store_0002b/rgb_00225.jpg /furniture_store_0002b/sync_depth_00225.png 518.8579 +/dining_room_0004/rgb_00033.jpg /dining_room_0004/sync_depth_00033.png 518.8579 +/office_0026/rgb_00113.jpg /office_0026/sync_depth_00113.png 518.8579 +/dining_room_0001b/rgb_00054.jpg /dining_room_0001b/sync_depth_00054.png 518.8579 +/home_storage_0001/rgb_00090.jpg /home_storage_0001/sync_depth_00090.png 518.8579 +/bedroom_0015/rgb_00025.jpg /bedroom_0015/sync_depth_00025.png 518.8579 +/bedroom_0094/rgb_00003.jpg /bedroom_0094/sync_depth_00003.png 518.8579 +/classroom_0018/rgb_00035.jpg /classroom_0018/sync_depth_00035.png 518.8579 +/bedroom_0107/rgb_00042.jpg /bedroom_0107/sync_depth_00042.png 518.8579 +/student_lounge_0001/rgb_00157.jpg /student_lounge_0001/sync_depth_00157.png 518.8579 +/bathroom_0033/rgb_00050.jpg /bathroom_0033/sync_depth_00050.png 518.8579 +/living_room_0040/rgb_00049.jpg /living_room_0040/sync_depth_00049.png 518.8579 +/living_room_0019/rgb_00218.jpg /living_room_0019/sync_depth_00218.png 518.8579 +/living_room_0050/rgb_00149.jpg /living_room_0050/sync_depth_00149.png 518.8579 +/bedroom_0118/rgb_00022.jpg /bedroom_0118/sync_depth_00022.png 518.8579 +/kitchen_0028b/rgb_00027.jpg /kitchen_0028b/sync_depth_00027.png 518.8579 +/printer_room_0001/rgb_00065.jpg /printer_room_0001/sync_depth_00065.png 518.8579 +/bedroom_0052/rgb_00142.jpg /bedroom_0052/sync_depth_00142.png 518.8579 +/kitchen_0048/rgb_00236.jpg /kitchen_0048/sync_depth_00236.png 518.8579 +/furniture_store_0001d/rgb_00027.jpg /furniture_store_0001d/sync_depth_00027.png 518.8579 +/living_room_0042b/rgb_00079.jpg /living_room_0042b/sync_depth_00079.png 518.8579 +/bookstore_0001d/rgb_00023.jpg /bookstore_0001d/sync_depth_00023.png 518.8579 +/bedroom_0019/rgb_00015.jpg /bedroom_0019/sync_depth_00015.png 518.8579 +/kitchen_0059/rgb_00015.jpg /kitchen_0059/sync_depth_00015.png 518.8579 +/bedroom_0026/rgb_00053.jpg /bedroom_0026/sync_depth_00053.png 518.8579 +/reception_room_0004/rgb_00023.jpg /reception_room_0004/sync_depth_00023.png 518.8579 +/bedroom_0071/rgb_00046.jpg /bedroom_0071/sync_depth_00046.png 518.8579 +/dining_room_0034/rgb_00025.jpg /dining_room_0034/sync_depth_00025.png 518.8579 +/bedroom_0072/rgb_00051.jpg /bedroom_0072/sync_depth_00051.png 518.8579 +/furniture_store_0002a/rgb_00094.jpg /furniture_store_0002a/sync_depth_00094.png 518.8579 +/living_room_0022/rgb_00196.jpg /living_room_0022/sync_depth_00196.png 518.8579 +/bathroom_0057/rgb_00032.jpg /bathroom_0057/sync_depth_00032.png 518.8579 +/dining_room_0019/rgb_00106.jpg /dining_room_0019/sync_depth_00106.png 518.8579 +/bedroom_0079/rgb_00032.jpg /bedroom_0079/sync_depth_00032.png 518.8579 +/living_room_0005/rgb_00035.jpg /living_room_0005/sync_depth_00035.png 518.8579 +/home_office_0013/rgb_00042.jpg /home_office_0013/sync_depth_00042.png 518.8579 +/dining_room_0013/rgb_00129.jpg /dining_room_0013/sync_depth_00129.png 518.8579 +/playroom_0004/rgb_00096.jpg /playroom_0004/sync_depth_00096.png 518.8579 +/nyu_office_0/rgb_00226.jpg /nyu_office_0/sync_depth_00226.png 518.8579 +/student_lounge_0001/rgb_00131.jpg /student_lounge_0001/sync_depth_00131.png 518.8579 +/dining_room_0004/rgb_00078.jpg /dining_room_0004/sync_depth_00078.png 518.8579 +/bedroom_0060/rgb_00024.jpg /bedroom_0060/sync_depth_00024.png 518.8579 +/bedroom_0056a/rgb_00101.jpg /bedroom_0056a/sync_depth_00101.png 518.8579 +/bedroom_0041/rgb_00072.jpg /bedroom_0041/sync_depth_00072.png 518.8579 +/nyu_office_0/rgb_00168.jpg /nyu_office_0/sync_depth_00168.png 518.8579 +/kitchen_0037/rgb_00097.jpg /kitchen_0037/sync_depth_00097.png 518.8579 +/living_room_0040/rgb_00270.jpg /living_room_0040/sync_depth_00270.png 518.8579 +/reception_room_0002/rgb_00106.jpg /reception_room_0002/sync_depth_00106.png 518.8579 +/bedroom_0017/rgb_00056.jpg /bedroom_0017/sync_depth_00056.png 518.8579 +/bookstore_0001f/rgb_00055.jpg /bookstore_0001f/sync_depth_00055.png 518.8579 +/study_room_0004/rgb_00149.jpg /study_room_0004/sync_depth_00149.png 518.8579 +/bedroom_0130/rgb_00079.jpg /bedroom_0130/sync_depth_00079.png 518.8579 +/bedroom_0062/rgb_00000.jpg /bedroom_0062/sync_depth_00000.png 518.8579 +/dining_room_0024/rgb_00114.jpg /dining_room_0024/sync_depth_00114.png 518.8579 +/home_office_0011/rgb_00089.jpg /home_office_0011/sync_depth_00089.png 518.8579 +/bedroom_0028/rgb_00022.jpg /bedroom_0028/sync_depth_00022.png 518.8579 +/living_room_0035/rgb_00084.jpg /living_room_0035/sync_depth_00084.png 518.8579 +/kitchen_0035b/rgb_00188.jpg /kitchen_0035b/sync_depth_00188.png 518.8579 +/dinette_0001/rgb_00096.jpg /dinette_0001/sync_depth_00096.png 518.8579 +/bedroom_0016/rgb_00170.jpg /bedroom_0016/sync_depth_00170.png 518.8579 +/cafe_0001a/rgb_00054.jpg /cafe_0001a/sync_depth_00054.png 518.8579 +/living_room_0058/rgb_00267.jpg /living_room_0058/sync_depth_00267.png 518.8579 +/study_0008/rgb_00045.jpg /study_0008/sync_depth_00045.png 518.8579 +/dining_room_0037/rgb_00122.jpg /dining_room_0037/sync_depth_00122.png 518.8579 +/living_room_0062/rgb_00054.jpg /living_room_0062/sync_depth_00054.png 518.8579 +/furniture_store_0002a/rgb_00059.jpg /furniture_store_0002a/sync_depth_00059.png 518.8579 +/bedroom_0098/rgb_00013.jpg /bedroom_0098/sync_depth_00013.png 518.8579 +/furniture_store_0001e/rgb_00037.jpg /furniture_store_0001e/sync_depth_00037.png 518.8579 +/dining_room_0012/rgb_00052.jpg /dining_room_0012/sync_depth_00052.png 518.8579 +/bedroom_0025/rgb_00010.jpg /bedroom_0025/sync_depth_00010.png 518.8579 +/kitchen_0047/rgb_00014.jpg /kitchen_0047/sync_depth_00014.png 518.8579 +/bedroom_0025/rgb_00087.jpg /bedroom_0025/sync_depth_00087.png 518.8579 +/dining_room_0034/rgb_00154.jpg /dining_room_0034/sync_depth_00154.png 518.8579 +/bathroom_0024/rgb_00002.jpg /bathroom_0024/sync_depth_00002.png 518.8579 +/classroom_0003/rgb_00106.jpg /classroom_0003/sync_depth_00106.png 518.8579 +/bedroom_0028/rgb_00041.jpg /bedroom_0028/sync_depth_00041.png 518.8579 +/living_room_0046b/rgb_00125.jpg /living_room_0046b/sync_depth_00125.png 518.8579 +/bedroom_0118/rgb_00030.jpg /bedroom_0118/sync_depth_00030.png 518.8579 +/living_room_0039/rgb_00032.jpg /living_room_0039/sync_depth_00032.png 518.8579 +/dining_room_0031/rgb_00282.jpg /dining_room_0031/sync_depth_00282.png 518.8579 +/nyu_office_0/rgb_00024.jpg /nyu_office_0/sync_depth_00024.png 518.8579 +/dining_room_0031/rgb_00291.jpg /dining_room_0031/sync_depth_00291.png 518.8579 +/bedroom_0113/rgb_00095.jpg /bedroom_0113/sync_depth_00095.png 518.8579 +/living_room_0047a/rgb_00016.jpg /living_room_0047a/sync_depth_00016.png 518.8579 +/living_room_0040/rgb_00128.jpg /living_room_0040/sync_depth_00128.png 518.8579 +/kitchen_0047/rgb_00150.jpg /kitchen_0047/sync_depth_00150.png 518.8579 +/bedroom_0140/rgb_00087.jpg /bedroom_0140/sync_depth_00087.png 518.8579 +/bookstore_0001f/rgb_00006.jpg /bookstore_0001f/sync_depth_00006.png 518.8579 +/dining_room_0001b/rgb_00029.jpg /dining_room_0001b/sync_depth_00029.png 518.8579 +/kitchen_0053/rgb_00039.jpg /kitchen_0053/sync_depth_00039.png 518.8579 +/kitchen_0047/rgb_00124.jpg /kitchen_0047/sync_depth_00124.png 518.8579 +/bedroom_0010/rgb_00059.jpg /bedroom_0010/sync_depth_00059.png 518.8579 +/kitchen_0053/rgb_00120.jpg /kitchen_0053/sync_depth_00120.png 518.8579 +/bedroom_0067a/rgb_00033.jpg /bedroom_0067a/sync_depth_00033.png 518.8579 +/kitchen_0028a/rgb_00032.jpg /kitchen_0028a/sync_depth_00032.png 518.8579 +/bedroom_0034/rgb_00047.jpg /bedroom_0034/sync_depth_00047.png 518.8579 +/living_room_0040/rgb_00205.jpg /living_room_0040/sync_depth_00205.png 518.8579 +/living_room_0046a/rgb_00065.jpg /living_room_0046a/sync_depth_00065.png 518.8579 +/furniture_store_0002a/rgb_00049.jpg /furniture_store_0002a/sync_depth_00049.png 518.8579 +/bedroom_0020/rgb_00070.jpg /bedroom_0020/sync_depth_00070.png 518.8579 +/kitchen_0051/rgb_00361.jpg /kitchen_0051/sync_depth_00361.png 518.8579 +/bedroom_0097/rgb_00001.jpg /bedroom_0097/sync_depth_00001.png 518.8579 +/furniture_store_0001d/rgb_00204.jpg /furniture_store_0001d/sync_depth_00204.png 518.8579 +/bedroom_0136/rgb_00116.jpg /bedroom_0136/sync_depth_00116.png 518.8579 +/bedroom_0067b/rgb_00027.jpg /bedroom_0067b/sync_depth_00027.png 518.8579 +/office_0024/rgb_00020.jpg /office_0024/sync_depth_00020.png 518.8579 +/kitchen_0045b/rgb_00010.jpg /kitchen_0045b/sync_depth_00010.png 518.8579 +/living_room_0058/rgb_00149.jpg /living_room_0058/sync_depth_00149.png 518.8579 +/printer_room_0001/rgb_00074.jpg /printer_room_0001/sync_depth_00074.png 518.8579 +/kitchen_0035b/rgb_00089.jpg /kitchen_0035b/sync_depth_00089.png 518.8579 +/living_room_0022/rgb_00425.jpg /living_room_0022/sync_depth_00425.png 518.8579 +/classroom_0018/rgb_00003.jpg /classroom_0018/sync_depth_00003.png 518.8579 +/living_room_0010/rgb_00142.jpg /living_room_0010/sync_depth_00142.png 518.8579 +/furniture_store_0002b/rgb_00132.jpg /furniture_store_0002b/sync_depth_00132.png 518.8579 +/bedroom_0130/rgb_00050.jpg /bedroom_0130/sync_depth_00050.png 518.8579 +/bedroom_0034/rgb_00050.jpg /bedroom_0034/sync_depth_00050.png 518.8579 +/furniture_store_0002a/rgb_00040.jpg /furniture_store_0002a/sync_depth_00040.png 518.8579 +/cafe_0001a/rgb_00079.jpg /cafe_0001a/sync_depth_00079.png 518.8579 +/reception_room_0002/rgb_00138.jpg /reception_room_0002/sync_depth_00138.png 518.8579 +/bedroom_0071/rgb_00153.jpg /bedroom_0071/sync_depth_00153.png 518.8579 +/living_room_0040/rgb_00036.jpg /living_room_0040/sync_depth_00036.png 518.8579 +/bedroom_0016/rgb_00026.jpg /bedroom_0016/sync_depth_00026.png 518.8579 +/living_room_0012/rgb_00085.jpg /living_room_0012/sync_depth_00085.png 518.8579 +/kitchen_0060/rgb_00145.jpg /kitchen_0060/sync_depth_00145.png 518.8579 +/kitchen_0037/rgb_00094.jpg /kitchen_0037/sync_depth_00094.png 518.8579 +/bookstore_0001j/rgb_00244.jpg /bookstore_0001j/sync_depth_00244.png 518.8579 +/bedroom_0059/rgb_00070.jpg /bedroom_0059/sync_depth_00070.png 518.8579 +/bookstore_0001f/rgb_00049.jpg /bookstore_0001f/sync_depth_00049.png 518.8579 +/living_room_0062/rgb_00039.jpg /living_room_0062/sync_depth_00039.png 518.8579 +/bedroom_0025/rgb_00138.jpg /bedroom_0025/sync_depth_00138.png 518.8579 +/bedroom_0034/rgb_00076.jpg /bedroom_0034/sync_depth_00076.png 518.8579 +/kitchen_0048/rgb_00234.jpg /kitchen_0048/sync_depth_00234.png 518.8579 +/office_0012/rgb_00067.jpg /office_0012/sync_depth_00067.png 518.8579 +/living_room_0012/rgb_00214.jpg /living_room_0012/sync_depth_00214.png 518.8579 +/living_room_0070/rgb_00080.jpg /living_room_0070/sync_depth_00080.png 518.8579 +/dining_room_0031/rgb_00178.jpg /dining_room_0031/sync_depth_00178.png 518.8579 +/dining_room_0008/rgb_00005.jpg /dining_room_0008/sync_depth_00005.png 518.8579 +/dining_room_0029/rgb_00145.jpg /dining_room_0029/sync_depth_00145.png 518.8579 +/kitchen_0048/rgb_00270.jpg /kitchen_0048/sync_depth_00270.png 518.8579 +/bedroom_0078/rgb_00106.jpg /bedroom_0078/sync_depth_00106.png 518.8579 +/bookstore_0001i/rgb_00109.jpg /bookstore_0001i/sync_depth_00109.png 518.8579 +/furniture_store_0001d/rgb_00190.jpg /furniture_store_0001d/sync_depth_00190.png 518.8579 +/conference_room_0002/rgb_00005.jpg /conference_room_0002/sync_depth_00005.png 518.8579 +/bookstore_0001g/rgb_00043.jpg /bookstore_0001g/sync_depth_00043.png 518.8579 +/bathroom_0028/rgb_00060.jpg /bathroom_0028/sync_depth_00060.png 518.8579 +/furniture_store_0001e/rgb_00082.jpg /furniture_store_0001e/sync_depth_00082.png 518.8579 +/kitchen_0006/rgb_00004.jpg /kitchen_0006/sync_depth_00004.png 518.8579 +/living_room_0006/rgb_00017.jpg /living_room_0006/sync_depth_00017.png 518.8579 +/bedroom_0074/rgb_00017.jpg /bedroom_0074/sync_depth_00017.png 518.8579 +/dining_room_0023/rgb_00140.jpg /dining_room_0023/sync_depth_00140.png 518.8579 +/bookstore_0001f/rgb_00229.jpg /bookstore_0001f/sync_depth_00229.png 518.8579 +/dining_room_0010/rgb_00108.jpg /dining_room_0010/sync_depth_00108.png 518.8579 +/bookstore_0001e/rgb_00057.jpg /bookstore_0001e/sync_depth_00057.png 518.8579 +/living_room_0047b/rgb_00117.jpg /living_room_0047b/sync_depth_00117.png 518.8579 +/dining_room_0012/rgb_00218.jpg /dining_room_0012/sync_depth_00218.png 518.8579 +/bedroom_0021/rgb_00085.jpg /bedroom_0021/sync_depth_00085.png 518.8579 +/bookstore_0001j/rgb_00019.jpg /bookstore_0001j/sync_depth_00019.png 518.8579 +/living_room_0033/rgb_00031.jpg /living_room_0033/sync_depth_00031.png 518.8579 +/dining_room_0008/rgb_00091.jpg /dining_room_0008/sync_depth_00091.png 518.8579 +/furniture_store_0002b/rgb_00206.jpg /furniture_store_0002b/sync_depth_00206.png 518.8579 +/office_0021/rgb_00064.jpg /office_0021/sync_depth_00064.png 518.8579 +/furniture_store_0002d/rgb_00042.jpg /furniture_store_0002d/sync_depth_00042.png 518.8579 +/bedroom_0069/rgb_00117.jpg /bedroom_0069/sync_depth_00117.png 518.8579 +/bathroom_0039/rgb_00060.jpg /bathroom_0039/sync_depth_00060.png 518.8579 +/cafe_0001a/rgb_00011.jpg /cafe_0001a/sync_depth_00011.png 518.8579 +/living_room_0018/rgb_00202.jpg /living_room_0018/sync_depth_00202.png 518.8579 +/bedroom_0098/rgb_00030.jpg /bedroom_0098/sync_depth_00030.png 518.8579 +/bedroom_0019/rgb_00131.jpg /bedroom_0019/sync_depth_00131.png 518.8579 +/dining_room_0031/rgb_00132.jpg /dining_room_0031/sync_depth_00132.png 518.8579 +/reception_room_0001b/rgb_00107.jpg /reception_room_0001b/sync_depth_00107.png 518.8579 +/kitchen_0033/rgb_00105.jpg /kitchen_0033/sync_depth_00105.png 518.8579 +/indoor_balcony_0001/rgb_00017.jpg /indoor_balcony_0001/sync_depth_00017.png 518.8579 +/furniture_store_0002b/rgb_00075.jpg /furniture_store_0002b/sync_depth_00075.png 518.8579 +/dining_room_0031/rgb_00181.jpg /dining_room_0031/sync_depth_00181.png 518.8579 +/dining_room_0007/rgb_00018.jpg /dining_room_0007/sync_depth_00018.png 518.8579 +/dining_room_0014/rgb_00002.jpg /dining_room_0014/sync_depth_00002.png 518.8579 +/bedroom_0071/rgb_00147.jpg /bedroom_0071/sync_depth_00147.png 518.8579 +/kitchen_0003/rgb_00032.jpg /kitchen_0003/sync_depth_00032.png 518.8579 +/living_room_0055/rgb_00044.jpg /living_room_0055/sync_depth_00044.png 518.8579 +/home_office_0004/rgb_00153.jpg /home_office_0004/sync_depth_00153.png 518.8579 +/living_room_0019/rgb_00034.jpg /living_room_0019/sync_depth_00034.png 518.8579 +/home_office_0005/rgb_00006.jpg /home_office_0005/sync_depth_00006.png 518.8579 +/living_room_0058/rgb_00170.jpg /living_room_0058/sync_depth_00170.png 518.8579 +/bedroom_0136/rgb_00083.jpg /bedroom_0136/sync_depth_00083.png 518.8579 +/bedroom_0086/rgb_00068.jpg /bedroom_0086/sync_depth_00068.png 518.8579 +/classroom_0006/rgb_00152.jpg /classroom_0006/sync_depth_00152.png 518.8579 +/classroom_0012/rgb_00007.jpg /classroom_0012/sync_depth_00007.png 518.8579 +/bathroom_0035/rgb_00007.jpg /bathroom_0035/sync_depth_00007.png 518.8579 +/dining_room_0028/rgb_00132.jpg /dining_room_0028/sync_depth_00132.png 518.8579 +/office_kitchen_0001b/rgb_00050.jpg /office_kitchen_0001b/sync_depth_00050.png 518.8579 +/bookstore_0001f/rgb_00042.jpg /bookstore_0001f/sync_depth_00042.png 518.8579 +/dinette_0001/rgb_00019.jpg /dinette_0001/sync_depth_00019.png 518.8579 +/bookstore_0001j/rgb_00263.jpg /bookstore_0001j/sync_depth_00263.png 518.8579 +/furniture_store_0002a/rgb_00279.jpg /furniture_store_0002a/sync_depth_00279.png 518.8579 +/living_room_0047b/rgb_00024.jpg /living_room_0047b/sync_depth_00024.png 518.8579 +/kitchen_0033/rgb_00002.jpg /kitchen_0033/sync_depth_00002.png 518.8579 +/living_room_0035/rgb_00111.jpg /living_room_0035/sync_depth_00111.png 518.8579 +/home_office_0006/rgb_00019.jpg /home_office_0006/sync_depth_00019.png 518.8579 +/kitchen_0011a/rgb_00014.jpg /kitchen_0011a/sync_depth_00014.png 518.8579 +/dining_room_0015/rgb_00095.jpg /dining_room_0015/sync_depth_00095.png 518.8579 +/living_room_0069b/rgb_00074.jpg /living_room_0069b/sync_depth_00074.png 518.8579 +/dining_room_0004/rgb_00097.jpg /dining_room_0004/sync_depth_00097.png 518.8579 +/bedroom_0129/rgb_00021.jpg /bedroom_0129/sync_depth_00021.png 518.8579 +/bedroom_0076a/rgb_00001.jpg /bedroom_0076a/sync_depth_00001.png 518.8579 +/dining_room_0019/rgb_00022.jpg /dining_room_0019/sync_depth_00022.png 518.8579 +/living_room_0068/rgb_00115.jpg /living_room_0068/sync_depth_00115.png 518.8579 +/bedroom_0071/rgb_00014.jpg /bedroom_0071/sync_depth_00014.png 518.8579 +/bedroom_0082/rgb_00050.jpg /bedroom_0082/sync_depth_00050.png 518.8579 +/bedroom_0094/rgb_00000.jpg /bedroom_0094/sync_depth_00000.png 518.8579 +/home_storage_0001/rgb_00124.jpg /home_storage_0001/sync_depth_00124.png 518.8579 +/living_room_0050/rgb_00273.jpg /living_room_0050/sync_depth_00273.png 518.8579 +/dining_room_0031/rgb_00161.jpg /dining_room_0031/sync_depth_00161.png 518.8579 +/basement_0001a/rgb_00177.jpg /basement_0001a/sync_depth_00177.png 518.8579 +/bedroom_0052/rgb_00046.jpg /bedroom_0052/sync_depth_00046.png 518.8579 +/bathroom_0016/rgb_00003.jpg /bathroom_0016/sync_depth_00003.png 518.8579 +/bedroom_0067b/rgb_00009.jpg /bedroom_0067b/sync_depth_00009.png 518.8579 +/dining_room_0019/rgb_00084.jpg /dining_room_0019/sync_depth_00084.png 518.8579 +/cafe_0001c/rgb_00014.jpg /cafe_0001c/sync_depth_00014.png 518.8579 +/bedroom_0076a/rgb_00137.jpg /bedroom_0076a/sync_depth_00137.png 518.8579 +/kitchen_0052/rgb_00132.jpg /kitchen_0052/sync_depth_00132.png 518.8579 +/dining_room_0008/rgb_00122.jpg /dining_room_0008/sync_depth_00122.png 518.8579 +/office_0018/rgb_00000.jpg /office_0018/sync_depth_00000.png 518.8579 +/study_room_0004/rgb_00094.jpg /study_room_0004/sync_depth_00094.png 518.8579 +/dining_room_0004/rgb_00034.jpg /dining_room_0004/sync_depth_00034.png 518.8579 +/playroom_0003/rgb_00173.jpg /playroom_0003/sync_depth_00173.png 518.8579 +/bedroom_0066/rgb_00057.jpg /bedroom_0066/sync_depth_00057.png 518.8579 +/furniture_store_0001d/rgb_00060.jpg /furniture_store_0001d/sync_depth_00060.png 518.8579 +/bedroom_0081/rgb_00000.jpg /bedroom_0081/sync_depth_00000.png 518.8579 +/kitchen_0029c/rgb_00044.jpg /kitchen_0029c/sync_depth_00044.png 518.8579 +/office_0024/rgb_00103.jpg /office_0024/sync_depth_00103.png 518.8579 +/kitchen_0003/rgb_00030.jpg /kitchen_0003/sync_depth_00030.png 518.8579 +/furniture_store_0001b/rgb_00031.jpg /furniture_store_0001b/sync_depth_00031.png 518.8579 +/bedroom_0056a/rgb_00041.jpg /bedroom_0056a/sync_depth_00041.png 518.8579 +/dining_room_0029/rgb_00134.jpg /dining_room_0029/sync_depth_00134.png 518.8579 +/living_room_0067/rgb_00019.jpg /living_room_0067/sync_depth_00019.png 518.8579 +/dining_room_0023/rgb_00099.jpg /dining_room_0023/sync_depth_00099.png 518.8579 +/bedroom_0034/rgb_00037.jpg /bedroom_0034/sync_depth_00037.png 518.8579 +/playroom_0002/rgb_00035.jpg /playroom_0002/sync_depth_00035.png 518.8579 +/playroom_0004/rgb_00030.jpg /playroom_0004/sync_depth_00030.png 518.8579 +/bookstore_0001d/rgb_00128.jpg /bookstore_0001d/sync_depth_00128.png 518.8579 +/dining_room_0031/rgb_00360.jpg /dining_room_0031/sync_depth_00360.png 518.8579 +/bedroom_0016/rgb_00137.jpg /bedroom_0016/sync_depth_00137.png 518.8579 +/computer_lab_0002/rgb_00022.jpg /computer_lab_0002/sync_depth_00022.png 518.8579 +/kitchen_0045a/rgb_00150.jpg /kitchen_0045a/sync_depth_00150.png 518.8579 +/kitchen_0051/rgb_00304.jpg /kitchen_0051/sync_depth_00304.png 518.8579 +/kitchen_0053/rgb_00218.jpg /kitchen_0053/sync_depth_00218.png 518.8579 +/conference_room_0001/rgb_00013.jpg /conference_room_0001/sync_depth_00013.png 518.8579 +/living_room_0006/rgb_00009.jpg /living_room_0006/sync_depth_00009.png 518.8579 +/excercise_room_0001/rgb_00107.jpg /excercise_room_0001/sync_depth_00107.png 518.8579 +/cafe_0001c/rgb_00007.jpg /cafe_0001c/sync_depth_00007.png 518.8579 +/bookstore_0001j/rgb_00239.jpg /bookstore_0001j/sync_depth_00239.png 518.8579 +/living_room_0050/rgb_00095.jpg /living_room_0050/sync_depth_00095.png 518.8579 +/living_room_0086a/rgb_00004.jpg /living_room_0086a/sync_depth_00004.png 518.8579 +/kitchen_0051/rgb_00146.jpg /kitchen_0051/sync_depth_00146.png 518.8579 +/home_office_0006/rgb_00156.jpg /home_office_0006/sync_depth_00156.png 518.8579 +/kitchen_0060/rgb_00085.jpg /kitchen_0060/sync_depth_00085.png 518.8579 +/home_office_0013/rgb_00033.jpg /home_office_0013/sync_depth_00033.png 518.8579 +/kitchen_0035b/rgb_00294.jpg /kitchen_0035b/sync_depth_00294.png 518.8579 +/classroom_0006/rgb_00106.jpg /classroom_0006/sync_depth_00106.png 518.8579 +/kitchen_0060/rgb_00114.jpg /kitchen_0060/sync_depth_00114.png 518.8579 +/bedroom_0014/rgb_00049.jpg /bedroom_0014/sync_depth_00049.png 518.8579 +/living_room_0062/rgb_00218.jpg /living_room_0062/sync_depth_00218.png 518.8579 +/living_room_0042a/rgb_00020.jpg /living_room_0042a/sync_depth_00020.png 518.8579 +/living_room_0047b/rgb_00100.jpg /living_room_0047b/sync_depth_00100.png 518.8579 +/office_0018/rgb_00046.jpg /office_0018/sync_depth_00046.png 518.8579 +/bathroom_0041/rgb_00072.jpg /bathroom_0041/sync_depth_00072.png 518.8579 +/bedroom_0076a/rgb_00140.jpg /bedroom_0076a/sync_depth_00140.png 518.8579 +/kitchen_0035b/rgb_00265.jpg /kitchen_0035b/sync_depth_00265.png 518.8579 +/dining_room_0029/rgb_00001.jpg /dining_room_0029/sync_depth_00001.png 518.8579 +/study_room_0004/rgb_00065.jpg /study_room_0004/sync_depth_00065.png 518.8579 +/nyu_office_0/rgb_00017.jpg /nyu_office_0/sync_depth_00017.png 518.8579 +/bedroom_0090/rgb_00026.jpg /bedroom_0090/sync_depth_00026.png 518.8579 +/kitchen_0033/rgb_00005.jpg /kitchen_0033/sync_depth_00005.png 518.8579 +/nyu_office_0/rgb_00177.jpg /nyu_office_0/sync_depth_00177.png 518.8579 +/student_lounge_0001/rgb_00024.jpg /student_lounge_0001/sync_depth_00024.png 518.8579 +/bookstore_0001e/rgb_00006.jpg /bookstore_0001e/sync_depth_00006.png 518.8579 +/living_room_0046b/rgb_00057.jpg /living_room_0046b/sync_depth_00057.png 518.8579 +/home_office_0011/rgb_00092.jpg /home_office_0011/sync_depth_00092.png 518.8579 +/living_room_0039/rgb_00086.jpg /living_room_0039/sync_depth_00086.png 518.8579 +/bedroom_0040/rgb_00018.jpg /bedroom_0040/sync_depth_00018.png 518.8579 +/bedroom_0026/rgb_00130.jpg /bedroom_0026/sync_depth_00130.png 518.8579 +/bookstore_0001j/rgb_00153.jpg /bookstore_0001j/sync_depth_00153.png 518.8579 +/reception_room_0001b/rgb_00081.jpg /reception_room_0001b/sync_depth_00081.png 518.8579 +/office_0018/rgb_00038.jpg /office_0018/sync_depth_00038.png 518.8579 +/kitchen_0011a/rgb_00042.jpg /kitchen_0011a/sync_depth_00042.png 518.8579 +/office_0011/rgb_00133.jpg /office_0011/sync_depth_00133.png 518.8579 +/living_room_0063/rgb_00037.jpg /living_room_0063/sync_depth_00037.png 518.8579 +/bedroom_0129/rgb_00078.jpg /bedroom_0129/sync_depth_00078.png 518.8579 +/furniture_store_0002a/rgb_00391.jpg /furniture_store_0002a/sync_depth_00391.png 518.8579 +/kitchen_0043/rgb_00189.jpg /kitchen_0043/sync_depth_00189.png 518.8579 +/bookstore_0001f/rgb_00245.jpg /bookstore_0001f/sync_depth_00245.png 518.8579 +/living_room_0071/rgb_00004.jpg /living_room_0071/sync_depth_00004.png 518.8579 +/dining_room_0033/rgb_00032.jpg /dining_room_0033/sync_depth_00032.png 518.8579 +/bedroom_0072/rgb_00050.jpg /bedroom_0072/sync_depth_00050.png 518.8579 +/bedroom_0096/rgb_00081.jpg /bedroom_0096/sync_depth_00081.png 518.8579 +/bookstore_0001d/rgb_00308.jpg /bookstore_0001d/sync_depth_00308.png 518.8579 +/office_0006/rgb_00059.jpg /office_0006/sync_depth_00059.png 518.8579 +/printer_room_0001/rgb_00012.jpg /printer_room_0001/sync_depth_00012.png 518.8579 +/living_room_0035/rgb_00042.jpg /living_room_0035/sync_depth_00042.png 518.8579 +/dining_room_0031/rgb_00192.jpg /dining_room_0031/sync_depth_00192.png 518.8579 +/bedroom_0136/rgb_00106.jpg /bedroom_0136/sync_depth_00106.png 518.8579 +/bathroom_0011/rgb_00002.jpg /bathroom_0011/sync_depth_00002.png 518.8579 +/kitchen_0052/rgb_00039.jpg /kitchen_0052/sync_depth_00039.png 518.8579 +/living_room_0004/rgb_00095.jpg /living_room_0004/sync_depth_00095.png 518.8579 +/living_room_0035/rgb_00054.jpg /living_room_0035/sync_depth_00054.png 518.8579 +/bedroom_0071/rgb_00005.jpg /bedroom_0071/sync_depth_00005.png 518.8579 +/dining_room_0037/rgb_00003.jpg /dining_room_0037/sync_depth_00003.png 518.8579 +/playroom_0002/rgb_00102.jpg /playroom_0002/sync_depth_00102.png 518.8579 +/bedroom_0140/rgb_00047.jpg /bedroom_0140/sync_depth_00047.png 518.8579 +/bookstore_0001f/rgb_00454.jpg /bookstore_0001f/sync_depth_00454.png 518.8579 +/nyu_office_0/rgb_00152.jpg /nyu_office_0/sync_depth_00152.png 518.8579 +/living_room_0046b/rgb_00045.jpg /living_room_0046b/sync_depth_00045.png 518.8579 +/kitchen_0031/rgb_00128.jpg /kitchen_0031/sync_depth_00128.png 518.8579 +/bookstore_0001g/rgb_00229.jpg /bookstore_0001g/sync_depth_00229.png 518.8579 +/kitchen_0052/rgb_00003.jpg /kitchen_0052/sync_depth_00003.png 518.8579 +/living_room_0068/rgb_00066.jpg /living_room_0068/sync_depth_00066.png 518.8579 +/bedroom_0051/rgb_00084.jpg /bedroom_0051/sync_depth_00084.png 518.8579 +/nyu_office_0/rgb_00142.jpg /nyu_office_0/sync_depth_00142.png 518.8579 +/living_room_0083/rgb_00044.jpg /living_room_0083/sync_depth_00044.png 518.8579 +/home_office_0011/rgb_00007.jpg /home_office_0011/sync_depth_00007.png 518.8579 +/kitchen_0017/rgb_00002.jpg /kitchen_0017/sync_depth_00002.png 518.8579 +/living_room_0086b/rgb_00042.jpg /living_room_0086b/sync_depth_00042.png 518.8579 +/nyu_office_0/rgb_00353.jpg /nyu_office_0/sync_depth_00353.png 518.8579 +/kitchen_0017/rgb_00050.jpg /kitchen_0017/sync_depth_00050.png 518.8579 +/bedroom_0107/rgb_00025.jpg /bedroom_0107/sync_depth_00025.png 518.8579 +/living_room_0055/rgb_00037.jpg /living_room_0055/sync_depth_00037.png 518.8579 +/bookstore_0001d/rgb_00177.jpg /bookstore_0001d/sync_depth_00177.png 518.8579 +/bedroom_0021/rgb_00032.jpg /bedroom_0021/sync_depth_00032.png 518.8579 +/dining_room_0001b/rgb_00137.jpg /dining_room_0001b/sync_depth_00137.png 518.8579 +/reception_room_0001b/rgb_00005.jpg /reception_room_0001b/sync_depth_00005.png 518.8579 +/living_room_0022/rgb_00352.jpg /living_room_0022/sync_depth_00352.png 518.8579 +/bedroom_0098/rgb_00022.jpg /bedroom_0098/sync_depth_00022.png 518.8579 +/bedroom_0125a/rgb_00009.jpg /bedroom_0125a/sync_depth_00009.png 518.8579 +/bathroom_0028/rgb_00018.jpg /bathroom_0028/sync_depth_00018.png 518.8579 +/bathroom_0041/rgb_00044.jpg /bathroom_0041/sync_depth_00044.png 518.8579 +/bedroom_0106/rgb_00039.jpg /bedroom_0106/sync_depth_00039.png 518.8579 +/living_room_0062/rgb_00189.jpg /living_room_0062/sync_depth_00189.png 518.8579 +/bedroom_0021/rgb_00050.jpg /bedroom_0021/sync_depth_00050.png 518.8579 +/classroom_0004/rgb_00077.jpg /classroom_0004/sync_depth_00077.png 518.8579 +/living_room_0018/rgb_00055.jpg /living_room_0018/sync_depth_00055.png 518.8579 +/bedroom_0078/rgb_00116.jpg /bedroom_0078/sync_depth_00116.png 518.8579 +/dining_room_0031/rgb_00038.jpg /dining_room_0031/sync_depth_00038.png 518.8579 +/kitchen_0035b/rgb_00033.jpg /kitchen_0035b/sync_depth_00033.png 518.8579 +/bedroom_0126/rgb_00063.jpg /bedroom_0126/sync_depth_00063.png 518.8579 +/kitchen_0043/rgb_00087.jpg /kitchen_0043/sync_depth_00087.png 518.8579 +/bathroom_0002/rgb_00035.jpg /bathroom_0002/sync_depth_00035.png 518.8579 +/living_room_0068/rgb_00095.jpg /living_room_0068/sync_depth_00095.png 518.8579 +/dining_room_0016/rgb_00151.jpg /dining_room_0016/sync_depth_00151.png 518.8579 +/dining_room_0023/rgb_00112.jpg /dining_room_0023/sync_depth_00112.png 518.8579 +/kitchen_0019a/rgb_00262.jpg /kitchen_0019a/sync_depth_00262.png 518.8579 +/kitchen_0060/rgb_00056.jpg /kitchen_0060/sync_depth_00056.png 518.8579 +/playroom_0003/rgb_00004.jpg /playroom_0003/sync_depth_00004.png 518.8579 +/kitchen_0047/rgb_00027.jpg /kitchen_0047/sync_depth_00027.png 518.8579 +/living_room_0022/rgb_00021.jpg /living_room_0022/sync_depth_00021.png 518.8579 +/living_room_0046b/rgb_00004.jpg /living_room_0046b/sync_depth_00004.png 518.8579 +/office_0012/rgb_00025.jpg /office_0012/sync_depth_00025.png 518.8579 +/dining_room_0010/rgb_00073.jpg /dining_room_0010/sync_depth_00073.png 518.8579 +/nyu_office_0/rgb_00140.jpg /nyu_office_0/sync_depth_00140.png 518.8579 +/kitchen_0029a/rgb_00019.jpg /kitchen_0029a/sync_depth_00019.png 518.8579 +/bathroom_0006/rgb_00054.jpg /bathroom_0006/sync_depth_00054.png 518.8579 +/bookstore_0001j/rgb_00108.jpg /bookstore_0001j/sync_depth_00108.png 518.8579 +/living_room_0005/rgb_00039.jpg /living_room_0005/sync_depth_00039.png 518.8579 +/kitchen_0060/rgb_00107.jpg /kitchen_0060/sync_depth_00107.png 518.8579 +/furniture_store_0001d/rgb_00177.jpg /furniture_store_0001d/sync_depth_00177.png 518.8579 +/living_room_0032/rgb_00023.jpg /living_room_0032/sync_depth_00023.png 518.8579 +/dining_room_0010/rgb_00008.jpg /dining_room_0010/sync_depth_00008.png 518.8579 +/dining_room_0001b/rgb_00012.jpg /dining_room_0001b/sync_depth_00012.png 518.8579 +/dining_room_0019/rgb_00102.jpg /dining_room_0019/sync_depth_00102.png 518.8579 +/dining_room_0015/rgb_00250.jpg /dining_room_0015/sync_depth_00250.png 518.8579 +/living_room_0012/rgb_00088.jpg /living_room_0012/sync_depth_00088.png 518.8579 +/bedroom_0130/rgb_00090.jpg /bedroom_0130/sync_depth_00090.png 518.8579 +/kitchen_0052/rgb_00153.jpg /kitchen_0052/sync_depth_00153.png 518.8579 +/kitchen_0052/rgb_00102.jpg /kitchen_0052/sync_depth_00102.png 518.8579 +/kitchen_0051/rgb_00129.jpg /kitchen_0051/sync_depth_00129.png 518.8579 +/dining_room_0031/rgb_00248.jpg /dining_room_0031/sync_depth_00248.png 518.8579 +/classroom_0011/rgb_00061.jpg /classroom_0011/sync_depth_00061.png 518.8579 +/kitchen_0003/rgb_00129.jpg /kitchen_0003/sync_depth_00129.png 518.8579 +/classroom_0022/rgb_00040.jpg /classroom_0022/sync_depth_00040.png 518.8579 +/home_office_0006/rgb_00106.jpg /home_office_0006/sync_depth_00106.png 518.8579 +/bedroom_0004/rgb_00175.jpg /bedroom_0004/sync_depth_00175.png 518.8579 +/kitchen_0016/rgb_00107.jpg /kitchen_0016/sync_depth_00107.png 518.8579 +/kitchen_0052/rgb_00135.jpg /kitchen_0052/sync_depth_00135.png 518.8579 +/bedroom_0076a/rgb_00133.jpg /bedroom_0076a/sync_depth_00133.png 518.8579 +/bedroom_0098/rgb_00016.jpg /bedroom_0098/sync_depth_00016.png 518.8579 +/home_office_0013/rgb_00074.jpg /home_office_0013/sync_depth_00074.png 518.8579 +/kitchen_0010/rgb_00059.jpg /kitchen_0010/sync_depth_00059.png 518.8579 +/home_office_0004/rgb_00119.jpg /home_office_0004/sync_depth_00119.png 518.8579 +/bedroom_0096/rgb_00003.jpg /bedroom_0096/sync_depth_00003.png 518.8579 +/bathroom_0007/rgb_00121.jpg /bathroom_0007/sync_depth_00121.png 518.8579 +/bathroom_0030/rgb_00000.jpg /bathroom_0030/sync_depth_00000.png 518.8579 +/kitchen_0028b/rgb_00064.jpg /kitchen_0028b/sync_depth_00064.png 518.8579 +/living_room_0047b/rgb_00182.jpg /living_room_0047b/sync_depth_00182.png 518.8579 +/bedroom_0129/rgb_00042.jpg /bedroom_0129/sync_depth_00042.png 518.8579 +/bedroom_0056b/rgb_00035.jpg /bedroom_0056b/sync_depth_00035.png 518.8579 +/kitchen_0041/rgb_00028.jpg /kitchen_0041/sync_depth_00028.png 518.8579 +/nyu_office_0/rgb_00012.jpg /nyu_office_0/sync_depth_00012.png 518.8579 +/bedroom_0033/rgb_00123.jpg /bedroom_0033/sync_depth_00123.png 518.8579 +/bedroom_0038/rgb_00021.jpg /bedroom_0038/sync_depth_00021.png 518.8579 +/bedroom_0138/rgb_00018.jpg /bedroom_0138/sync_depth_00018.png 518.8579 +/living_room_0040/rgb_00240.jpg /living_room_0040/sync_depth_00240.png 518.8579 +/kitchen_0043/rgb_00074.jpg /kitchen_0043/sync_depth_00074.png 518.8579 +/dining_room_0024/rgb_00181.jpg /dining_room_0024/sync_depth_00181.png 518.8579 +/classroom_0022/rgb_00014.jpg /classroom_0022/sync_depth_00014.png 518.8579 +/bedroom_0016/rgb_00052.jpg /bedroom_0016/sync_depth_00052.png 518.8579 +/bedroom_0017/rgb_00049.jpg /bedroom_0017/sync_depth_00049.png 518.8579 +/living_room_0018/rgb_00028.jpg /living_room_0018/sync_depth_00028.png 518.8579 +/living_room_0005/rgb_00126.jpg /living_room_0005/sync_depth_00126.png 518.8579 +/kitchen_0041/rgb_00041.jpg /kitchen_0041/sync_depth_00041.png 518.8579 +/office_0009/rgb_00029.jpg /office_0009/sync_depth_00029.png 518.8579 +/living_room_0062/rgb_00097.jpg /living_room_0062/sync_depth_00097.png 518.8579 +/bedroom_0026/rgb_00022.jpg /bedroom_0026/sync_depth_00022.png 518.8579 +/dining_room_0037/rgb_00033.jpg /dining_room_0037/sync_depth_00033.png 518.8579 +/kitchen_0051/rgb_00236.jpg /kitchen_0051/sync_depth_00236.png 518.8579 +/bedroom_0096/rgb_00050.jpg /bedroom_0096/sync_depth_00050.png 518.8579 +/furniture_store_0001b/rgb_00003.jpg /furniture_store_0001b/sync_depth_00003.png 518.8579 +/bedroom_0020/rgb_00117.jpg /bedroom_0020/sync_depth_00117.png 518.8579 +/bookstore_0001i/rgb_00056.jpg /bookstore_0001i/sync_depth_00056.png 518.8579 +/furniture_store_0001c/rgb_00016.jpg /furniture_store_0001c/sync_depth_00016.png 518.8579 +/living_room_0063/rgb_00033.jpg /living_room_0063/sync_depth_00033.png 518.8579 +/kitchen_0060/rgb_00170.jpg /kitchen_0060/sync_depth_00170.png 518.8579 +/office_0021/rgb_00052.jpg /office_0021/sync_depth_00052.png 518.8579 +/bedroom_0035/rgb_00007.jpg /bedroom_0035/sync_depth_00007.png 518.8579 +/bedroom_0015/rgb_00030.jpg /bedroom_0015/sync_depth_00030.png 518.8579 +/bedroom_0126/rgb_00055.jpg /bedroom_0126/sync_depth_00055.png 518.8579 +/furniture_store_0001e/rgb_00048.jpg /furniture_store_0001e/sync_depth_00048.png 518.8579 +/bedroom_0045/rgb_00017.jpg /bedroom_0045/sync_depth_00017.png 518.8579 +/bookstore_0001j/rgb_00014.jpg /bookstore_0001j/sync_depth_00014.png 518.8579 +/bookstore_0001e/rgb_00041.jpg /bookstore_0001e/sync_depth_00041.png 518.8579 +/living_room_0022/rgb_00139.jpg /living_room_0022/sync_depth_00139.png 518.8579 +/kitchen_0053/rgb_00055.jpg /kitchen_0053/sync_depth_00055.png 518.8579 +/bookstore_0001e/rgb_00209.jpg /bookstore_0001e/sync_depth_00209.png 518.8579 +/bedroom_0020/rgb_00119.jpg /bedroom_0020/sync_depth_00119.png 518.8579 +/nyu_office_0/rgb_00105.jpg /nyu_office_0/sync_depth_00105.png 518.8579 +/kitchen_0050/rgb_00125.jpg /kitchen_0050/sync_depth_00125.png 518.8579 +/living_room_0058/rgb_00090.jpg /living_room_0058/sync_depth_00090.png 518.8579 +/bedroom_0025/rgb_00129.jpg /bedroom_0025/sync_depth_00129.png 518.8579 +/student_lounge_0001/rgb_00090.jpg /student_lounge_0001/sync_depth_00090.png 518.8579 +/furniture_store_0002b/rgb_00208.jpg /furniture_store_0002b/sync_depth_00208.png 518.8579 +/living_room_0040/rgb_00177.jpg /living_room_0040/sync_depth_00177.png 518.8579 +/cafe_0001a/rgb_00051.jpg /cafe_0001a/sync_depth_00051.png 518.8579 +/bedroom_0012/rgb_00024.jpg /bedroom_0012/sync_depth_00024.png 518.8579 +/kitchen_0019a/rgb_00163.jpg /kitchen_0019a/sync_depth_00163.png 518.8579 +/bookstore_0001f/rgb_00174.jpg /bookstore_0001f/sync_depth_00174.png 518.8579 +/bedroom_0081/rgb_00034.jpg /bedroom_0081/sync_depth_00034.png 518.8579 +/bedroom_0096/rgb_00014.jpg /bedroom_0096/sync_depth_00014.png 518.8579 +/furniture_store_0001d/rgb_00198.jpg /furniture_store_0001d/sync_depth_00198.png 518.8579 +/dining_room_0037/rgb_00103.jpg /dining_room_0037/sync_depth_00103.png 518.8579 +/living_room_0063/rgb_00097.jpg /living_room_0063/sync_depth_00097.png 518.8579 +/living_room_0040/rgb_00331.jpg /living_room_0040/sync_depth_00331.png 518.8579 +/living_room_0082/rgb_00047.jpg /living_room_0082/sync_depth_00047.png 518.8579 +/kitchen_0031/rgb_00115.jpg /kitchen_0031/sync_depth_00115.png 518.8579 +/living_room_0022/rgb_00133.jpg /living_room_0022/sync_depth_00133.png 518.8579 +/furniture_store_0002a/rgb_00305.jpg /furniture_store_0002a/sync_depth_00305.png 518.8579 +/bedroom_0125b/rgb_00042.jpg /bedroom_0125b/sync_depth_00042.png 518.8579 +/bedroom_0104/rgb_00086.jpg /bedroom_0104/sync_depth_00086.png 518.8579 +/office_0004/rgb_00084.jpg /office_0004/sync_depth_00084.png 518.8579 +/living_room_0011/rgb_00038.jpg /living_room_0011/sync_depth_00038.png 518.8579 +/bookstore_0001e/rgb_00092.jpg /bookstore_0001e/sync_depth_00092.png 518.8579 +/dining_room_0010/rgb_00085.jpg /dining_room_0010/sync_depth_00085.png 518.8579 +/dining_room_0001b/rgb_00072.jpg /dining_room_0001b/sync_depth_00072.png 518.8579 +/living_room_0055/rgb_00114.jpg /living_room_0055/sync_depth_00114.png 518.8579 +/furniture_store_0001b/rgb_00000.jpg /furniture_store_0001b/sync_depth_00000.png 518.8579 +/office_0023/rgb_00032.jpg /office_0023/sync_depth_00032.png 518.8579 +/bookstore_0001i/rgb_00025.jpg /bookstore_0001i/sync_depth_00025.png 518.8579 +/bedroom_0026/rgb_00043.jpg /bedroom_0026/sync_depth_00043.png 518.8579 +/conference_room_0001/rgb_00139.jpg /conference_room_0001/sync_depth_00139.png 518.8579 +/study_room_0005b/rgb_00021.jpg /study_room_0005b/sync_depth_00021.png 518.8579 +/bedroom_0034/rgb_00007.jpg /bedroom_0034/sync_depth_00007.png 518.8579 +/bedroom_0021/rgb_00095.jpg /bedroom_0021/sync_depth_00095.png 518.8579 +/basement_0001a/rgb_00112.jpg /basement_0001a/sync_depth_00112.png 518.8579 +/bedroom_0063/rgb_00096.jpg /bedroom_0063/sync_depth_00096.png 518.8579 +/bedroom_0033/rgb_00061.jpg /bedroom_0033/sync_depth_00061.png 518.8579 +/bathroom_0028/rgb_00046.jpg /bathroom_0028/sync_depth_00046.png 518.8579 +/study_0004/rgb_00071.jpg /study_0004/sync_depth_00071.png 518.8579 +/bathroom_0011/rgb_00005.jpg /bathroom_0011/sync_depth_00005.png 518.8579 +/office_0006/rgb_00141.jpg /office_0006/sync_depth_00141.png 518.8579 +/bathroom_0014a/rgb_00075.jpg /bathroom_0014a/sync_depth_00075.png 518.8579 +/living_room_0022/rgb_00250.jpg /living_room_0022/sync_depth_00250.png 518.8579 +/kitchen_0043/rgb_00221.jpg /kitchen_0043/sync_depth_00221.png 518.8579 +/living_room_0019/rgb_00066.jpg /living_room_0019/sync_depth_00066.png 518.8579 +/kitchen_0050/rgb_00185.jpg /kitchen_0050/sync_depth_00185.png 518.8579 +/bedroom_0107/rgb_00035.jpg /bedroom_0107/sync_depth_00035.png 518.8579 +/kitchen_0031/rgb_00197.jpg /kitchen_0031/sync_depth_00197.png 518.8579 +/bedroom_0113/rgb_00079.jpg /bedroom_0113/sync_depth_00079.png 518.8579 +/bedroom_0010/rgb_00064.jpg /bedroom_0010/sync_depth_00064.png 518.8579 +/bedroom_0031/rgb_00030.jpg /bedroom_0031/sync_depth_00030.png 518.8579 +/living_room_0083/rgb_00062.jpg /living_room_0083/sync_depth_00062.png 518.8579 +/dining_room_0037/rgb_00022.jpg /dining_room_0037/sync_depth_00022.png 518.8579 +/office_0019/rgb_00045.jpg /office_0019/sync_depth_00045.png 518.8579 +/dining_room_0001b/rgb_00123.jpg /dining_room_0001b/sync_depth_00123.png 518.8579 +/bedroom_0062/rgb_00034.jpg /bedroom_0062/sync_depth_00034.png 518.8579 +/living_room_0022/rgb_00221.jpg /living_room_0022/sync_depth_00221.png 518.8579 +/kitchen_0049/rgb_00180.jpg /kitchen_0049/sync_depth_00180.png 518.8579 +/living_room_0010/rgb_00218.jpg /living_room_0010/sync_depth_00218.png 518.8579 +/bedroom_0060/rgb_00103.jpg /bedroom_0060/sync_depth_00103.png 518.8579 +/dining_room_0031/rgb_00086.jpg /dining_room_0031/sync_depth_00086.png 518.8579 +/furniture_store_0001d/rgb_00086.jpg /furniture_store_0001d/sync_depth_00086.png 518.8579 +/kitchen_0051/rgb_00090.jpg /kitchen_0051/sync_depth_00090.png 518.8579 +/living_room_0042a/rgb_00026.jpg /living_room_0042a/sync_depth_00026.png 518.8579 +/kitchen_0035b/rgb_00092.jpg /kitchen_0035b/sync_depth_00092.png 518.8579 +/furniture_store_0002d/rgb_00014.jpg /furniture_store_0002d/sync_depth_00014.png 518.8579 +/living_room_0058/rgb_00158.jpg /living_room_0058/sync_depth_00158.png 518.8579 +/classroom_0004/rgb_00089.jpg /classroom_0004/sync_depth_00089.png 518.8579 +/living_room_0046a/rgb_00036.jpg /living_room_0046a/sync_depth_00036.png 518.8579 +/bedroom_0040/rgb_00070.jpg /bedroom_0040/sync_depth_00070.png 518.8579 +/classroom_0004/rgb_00075.jpg /classroom_0004/sync_depth_00075.png 518.8579 +/bedroom_0104/rgb_00001.jpg /bedroom_0104/sync_depth_00001.png 518.8579 +/bedroom_0096/rgb_00020.jpg /bedroom_0096/sync_depth_00020.png 518.8579 +/bedroom_0017/rgb_00145.jpg /bedroom_0017/sync_depth_00145.png 518.8579 +/classroom_0004/rgb_00080.jpg /classroom_0004/sync_depth_00080.png 518.8579 +/living_room_0022/rgb_00419.jpg /living_room_0022/sync_depth_00419.png 518.8579 +/office_0004/rgb_00094.jpg /office_0004/sync_depth_00094.png 518.8579 +/bedroom_0067a/rgb_00030.jpg /bedroom_0067a/sync_depth_00030.png 518.8579 +/dining_room_0034/rgb_00178.jpg /dining_room_0034/sync_depth_00178.png 518.8579 +/kitchen_0035b/rgb_00282.jpg /kitchen_0035b/sync_depth_00282.png 518.8579 +/classroom_0011/rgb_00052.jpg /classroom_0011/sync_depth_00052.png 518.8579 +/dining_room_0028/rgb_00129.jpg /dining_room_0028/sync_depth_00129.png 518.8579 +/bedroom_0052/rgb_00126.jpg /bedroom_0052/sync_depth_00126.png 518.8579 +/bedroom_0016/rgb_00064.jpg /bedroom_0016/sync_depth_00064.png 518.8579 +/furniture_store_0001d/rgb_00226.jpg /furniture_store_0001d/sync_depth_00226.png 518.8579 +/nyu_office_0/rgb_00034.jpg /nyu_office_0/sync_depth_00034.png 518.8579 +/bedroom_0019/rgb_00101.jpg /bedroom_0019/sync_depth_00101.png 518.8579 +/living_room_0005/rgb_00102.jpg /living_room_0005/sync_depth_00102.png 518.8579 +/dining_room_0034/rgb_00183.jpg /dining_room_0034/sync_depth_00183.png 518.8579 +/living_room_0062/rgb_00083.jpg /living_room_0062/sync_depth_00083.png 518.8579 +/bathroom_0053/rgb_00012.jpg /bathroom_0053/sync_depth_00012.png 518.8579 +/living_room_0039/rgb_00029.jpg /living_room_0039/sync_depth_00029.png 518.8579 +/office_0026/rgb_00106.jpg /office_0026/sync_depth_00106.png 518.8579 +/bedroom_0053/rgb_00108.jpg /bedroom_0053/sync_depth_00108.png 518.8579 +/bedroom_0140/rgb_00133.jpg /bedroom_0140/sync_depth_00133.png 518.8579 +/bedroom_0060/rgb_00076.jpg /bedroom_0060/sync_depth_00076.png 518.8579 +/kitchen_0003/rgb_00153.jpg /kitchen_0003/sync_depth_00153.png 518.8579 +/bedroom_0076a/rgb_00120.jpg /bedroom_0076a/sync_depth_00120.png 518.8579 +/kitchen_0008/rgb_00012.jpg /kitchen_0008/sync_depth_00012.png 518.8579 +/kitchen_0037/rgb_00059.jpg /kitchen_0037/sync_depth_00059.png 518.8579 +/bedroom_0071/rgb_00079.jpg /bedroom_0071/sync_depth_00079.png 518.8579 +/kitchen_0029c/rgb_00032.jpg /kitchen_0029c/sync_depth_00032.png 518.8579 +/furniture_store_0002a/rgb_00004.jpg /furniture_store_0002a/sync_depth_00004.png 518.8579 +/bedroom_0072/rgb_00019.jpg /bedroom_0072/sync_depth_00019.png 518.8579 +/living_room_0042a/rgb_00012.jpg /living_room_0042a/sync_depth_00012.png 518.8579 +/bookstore_0001f/rgb_00096.jpg /bookstore_0001f/sync_depth_00096.png 518.8579 +/kitchen_0051/rgb_00229.jpg /kitchen_0051/sync_depth_00229.png 518.8579 +/bedroom_0019/rgb_00054.jpg /bedroom_0019/sync_depth_00054.png 518.8579 +/living_room_0069b/rgb_00016.jpg /living_room_0069b/sync_depth_00016.png 518.8579 +/home_office_0004/rgb_00043.jpg /home_office_0004/sync_depth_00043.png 518.8579 +/nyu_office_1/rgb_00042.jpg /nyu_office_1/sync_depth_00042.png 518.8579 +/bedroom_0062/rgb_00057.jpg /bedroom_0062/sync_depth_00057.png 518.8579 +/living_room_0011/rgb_00016.jpg /living_room_0011/sync_depth_00016.png 518.8579 +/kitchen_0059/rgb_00064.jpg /kitchen_0059/sync_depth_00064.png 518.8579 +/nyu_office_0/rgb_00158.jpg /nyu_office_0/sync_depth_00158.png 518.8579 +/playroom_0006/rgb_00064.jpg /playroom_0006/sync_depth_00064.png 518.8579 +/living_room_0038/rgb_00097.jpg /living_room_0038/sync_depth_00097.png 518.8579 +/study_0008/rgb_00051.jpg /study_0008/sync_depth_00051.png 518.8579 +/bedroom_0071/rgb_00116.jpg /bedroom_0071/sync_depth_00116.png 518.8579 +/bedroom_0106/rgb_00014.jpg /bedroom_0106/sync_depth_00014.png 518.8579 +/study_0003/rgb_00048.jpg /study_0003/sync_depth_00048.png 518.8579 +/bedroom_0100/rgb_00049.jpg /bedroom_0100/sync_depth_00049.png 518.8579 +/bedroom_0069/rgb_00025.jpg /bedroom_0069/sync_depth_00025.png 518.8579 +/dining_room_0008/rgb_00121.jpg /dining_room_0008/sync_depth_00121.png 518.8579 +/classroom_0006/rgb_00162.jpg /classroom_0006/sync_depth_00162.png 518.8579 +/study_0004/rgb_00065.jpg /study_0004/sync_depth_00065.png 518.8579 +/reception_room_0004/rgb_00052.jpg /reception_room_0004/sync_depth_00052.png 518.8579 +/bedroom_0016/rgb_00001.jpg /bedroom_0016/sync_depth_00001.png 518.8579 +/bedroom_0051/rgb_00209.jpg /bedroom_0051/sync_depth_00209.png 518.8579 +/bedroom_0106/rgb_00106.jpg /bedroom_0106/sync_depth_00106.png 518.8579 +/kitchen_0008/rgb_00004.jpg /kitchen_0008/sync_depth_00004.png 518.8579 +/bedroom_0113/rgb_00044.jpg /bedroom_0113/sync_depth_00044.png 518.8579 +/bathroom_0014a/rgb_00046.jpg /bathroom_0014a/sync_depth_00046.png 518.8579 +/bedroom_0078/rgb_00129.jpg /bedroom_0078/sync_depth_00129.png 518.8579 +/living_room_0019/rgb_00096.jpg /living_room_0019/sync_depth_00096.png 518.8579 +/kitchen_0035a/rgb_00038.jpg /kitchen_0035a/sync_depth_00038.png 518.8579 +/bedroom_0021/rgb_00004.jpg /bedroom_0021/sync_depth_00004.png 518.8579 +/bedroom_0126/rgb_00000.jpg /bedroom_0126/sync_depth_00000.png 518.8579 +/kitchen_0060/rgb_00082.jpg /kitchen_0060/sync_depth_00082.png 518.8579 +/kitchen_0035b/rgb_00300.jpg /kitchen_0035b/sync_depth_00300.png 518.8579 +/reception_room_0002/rgb_00046.jpg /reception_room_0002/sync_depth_00046.png 518.8579 +/bookstore_0001g/rgb_00124.jpg /bookstore_0001g/sync_depth_00124.png 518.8579 +/living_room_0018/rgb_00159.jpg /living_room_0018/sync_depth_00159.png 518.8579 +/bedroom_0125b/rgb_00076.jpg /bedroom_0125b/sync_depth_00076.png 518.8579 +/kitchen_0033/rgb_00071.jpg /kitchen_0033/sync_depth_00071.png 518.8579 +/kitchen_0028a/rgb_00043.jpg /kitchen_0028a/sync_depth_00043.png 518.8579 +/living_room_0068/rgb_00069.jpg /living_room_0068/sync_depth_00069.png 518.8579 +/bedroom_0033/rgb_00108.jpg /bedroom_0033/sync_depth_00108.png 518.8579 +/dining_room_0012/rgb_00171.jpg /dining_room_0012/sync_depth_00171.png 518.8579 +/living_room_0050/rgb_00139.jpg /living_room_0050/sync_depth_00139.png 518.8579 +/bedroom_0078/rgb_00055.jpg /bedroom_0078/sync_depth_00055.png 518.8579 +/kitchen_0029b/rgb_00029.jpg /kitchen_0029b/sync_depth_00029.png 518.8579 +/living_room_0063/rgb_00021.jpg /living_room_0063/sync_depth_00021.png 518.8579 +/dining_room_0012/rgb_00211.jpg /dining_room_0012/sync_depth_00211.png 518.8579 +/playroom_0002/rgb_00101.jpg /playroom_0002/sync_depth_00101.png 518.8579 +/living_room_0020/rgb_00089.jpg /living_room_0020/sync_depth_00089.png 518.8579 +/bedroom_0072/rgb_00003.jpg /bedroom_0072/sync_depth_00003.png 518.8579 +/dining_room_0037/rgb_00058.jpg /dining_room_0037/sync_depth_00058.png 518.8579 +/living_room_0038/rgb_00117.jpg /living_room_0038/sync_depth_00117.png 518.8579 +/bedroom_0076a/rgb_00149.jpg /bedroom_0076a/sync_depth_00149.png 518.8579 +/kitchen_0051/rgb_00230.jpg /kitchen_0051/sync_depth_00230.png 518.8579 +/dining_room_0012/rgb_00059.jpg /dining_room_0012/sync_depth_00059.png 518.8579 +/living_room_0078/rgb_00145.jpg /living_room_0078/sync_depth_00145.png 518.8579 +/bathroom_0028/rgb_00069.jpg /bathroom_0028/sync_depth_00069.png 518.8579 +/home_storage_0001/rgb_00053.jpg /home_storage_0001/sync_depth_00053.png 518.8579 +/dining_room_0007/rgb_00050.jpg /dining_room_0007/sync_depth_00050.png 518.8579 +/furniture_store_0002b/rgb_00126.jpg /furniture_store_0002b/sync_depth_00126.png 518.8579 +/classroom_0010/rgb_00039.jpg /classroom_0010/sync_depth_00039.png 518.8579 +/dining_room_0012/rgb_00069.jpg /dining_room_0012/sync_depth_00069.png 518.8579 +/bedroom_0062/rgb_00088.jpg /bedroom_0062/sync_depth_00088.png 518.8579 +/living_room_0022/rgb_00065.jpg /living_room_0022/sync_depth_00065.png 518.8579 +/kitchen_0053/rgb_00243.jpg /kitchen_0053/sync_depth_00243.png 518.8579 +/playroom_0002/rgb_00095.jpg /playroom_0002/sync_depth_00095.png 518.8579 +/playroom_0002/rgb_00105.jpg /playroom_0002/sync_depth_00105.png 518.8579 +/home_office_0011/rgb_00051.jpg /home_office_0011/sync_depth_00051.png 518.8579 +/excercise_room_0001/rgb_00012.jpg /excercise_room_0001/sync_depth_00012.png 518.8579 +/office_0006/rgb_00134.jpg /office_0006/sync_depth_00134.png 518.8579 +/cafe_0001b/rgb_00043.jpg /cafe_0001b/sync_depth_00043.png 518.8579 +/living_room_0058/rgb_00231.jpg /living_room_0058/sync_depth_00231.png 518.8579 +/bathroom_0048/rgb_00068.jpg /bathroom_0048/sync_depth_00068.png 518.8579 +/kitchen_0037/rgb_00074.jpg /kitchen_0037/sync_depth_00074.png 518.8579 +/living_room_0019/rgb_00181.jpg /living_room_0019/sync_depth_00181.png 518.8579 +/home_office_0007/rgb_00060.jpg /home_office_0007/sync_depth_00060.png 518.8579 +/dining_room_0031/rgb_00042.jpg /dining_room_0031/sync_depth_00042.png 518.8579 +/living_room_0055/rgb_00030.jpg /living_room_0055/sync_depth_00030.png 518.8579 +/living_room_0033/rgb_00013.jpg /living_room_0033/sync_depth_00013.png 518.8579 +/kitchen_0045a/rgb_00127.jpg /kitchen_0045a/sync_depth_00127.png 518.8579 +/bookstore_0001e/rgb_00061.jpg /bookstore_0001e/sync_depth_00061.png 518.8579 +/home_office_0013/rgb_00076.jpg /home_office_0013/sync_depth_00076.png 518.8579 +/excercise_room_0001/rgb_00016.jpg /excercise_room_0001/sync_depth_00016.png 518.8579 +/bedroom_0107/rgb_00029.jpg /bedroom_0107/sync_depth_00029.png 518.8579 +/kitchen_0045a/rgb_00035.jpg /kitchen_0045a/sync_depth_00035.png 518.8579 +/classroom_0006/rgb_00089.jpg /classroom_0006/sync_depth_00089.png 518.8579 +/bedroom_0053/rgb_00037.jpg /bedroom_0053/sync_depth_00037.png 518.8579 +/kitchen_0048/rgb_00068.jpg /kitchen_0048/sync_depth_00068.png 518.8579 +/bedroom_0004/rgb_00124.jpg /bedroom_0004/sync_depth_00124.png 518.8579 +/bathroom_0024/rgb_00014.jpg /bathroom_0024/sync_depth_00014.png 518.8579 +/kitchen_0011b/rgb_00031.jpg /kitchen_0011b/sync_depth_00031.png 518.8579 +/dining_room_0023/rgb_00135.jpg /dining_room_0023/sync_depth_00135.png 518.8579 +/dining_room_0024/rgb_00082.jpg /dining_room_0024/sync_depth_00082.png 518.8579 +/bathroom_0039/rgb_00041.jpg /bathroom_0039/sync_depth_00041.png 518.8579 +/living_room_0071/rgb_00028.jpg /living_room_0071/sync_depth_00028.png 518.8579 +/furniture_store_0002b/rgb_00074.jpg /furniture_store_0002b/sync_depth_00074.png 518.8579 +/nyu_office_0/rgb_00065.jpg /nyu_office_0/sync_depth_00065.png 518.8579 +/dining_room_0029/rgb_00101.jpg /dining_room_0029/sync_depth_00101.png 518.8579 +/bathroom_0030/rgb_00011.jpg /bathroom_0030/sync_depth_00011.png 518.8579 +/bedroom_0017/rgb_00071.jpg /bedroom_0017/sync_depth_00071.png 518.8579 +/bedroom_0017/rgb_00132.jpg /bedroom_0017/sync_depth_00132.png 518.8579 +/kitchen_0047/rgb_00153.jpg /kitchen_0047/sync_depth_00153.png 518.8579 +/living_room_0040/rgb_00007.jpg /living_room_0040/sync_depth_00007.png 518.8579 +/office_0012/rgb_00080.jpg /office_0012/sync_depth_00080.png 518.8579 +/bedroom_0118/rgb_00019.jpg /bedroom_0118/sync_depth_00019.png 518.8579 +/bedroom_0086/rgb_00025.jpg /bedroom_0086/sync_depth_00025.png 518.8579 +/kitchen_0041/rgb_00031.jpg /kitchen_0041/sync_depth_00031.png 518.8579 +/playroom_0003/rgb_00163.jpg /playroom_0003/sync_depth_00163.png 518.8579 +/bathroom_0033/rgb_00030.jpg /bathroom_0033/sync_depth_00030.png 518.8579 +/living_room_0038/rgb_00005.jpg /living_room_0038/sync_depth_00005.png 518.8579 +/bedroom_0019/rgb_00117.jpg /bedroom_0019/sync_depth_00117.png 518.8579 +/reception_room_0001b/rgb_00051.jpg /reception_room_0001b/sync_depth_00051.png 518.8579 +/office_0026/rgb_00029.jpg /office_0026/sync_depth_00029.png 518.8579 +/living_room_0038/rgb_00053.jpg /living_room_0038/sync_depth_00053.png 518.8579 +/furniture_store_0001e/rgb_00088.jpg /furniture_store_0001e/sync_depth_00088.png 518.8579 +/classroom_0003/rgb_00030.jpg /classroom_0003/sync_depth_00030.png 518.8579 +/dining_room_0014/rgb_00014.jpg /dining_room_0014/sync_depth_00014.png 518.8579 +/kitchen_0051/rgb_00315.jpg /kitchen_0051/sync_depth_00315.png 518.8579 +/bookstore_0001f/rgb_00153.jpg /bookstore_0001f/sync_depth_00153.png 518.8579 +/bookstore_0001g/rgb_00003.jpg /bookstore_0001g/sync_depth_00003.png 518.8579 +/furniture_store_0002b/rgb_00119.jpg /furniture_store_0002b/sync_depth_00119.png 518.8579 +/bedroom_0079/rgb_00003.jpg /bedroom_0079/sync_depth_00003.png 518.8579 +/bedroom_0079/rgb_00048.jpg /bedroom_0079/sync_depth_00048.png 518.8579 +/living_room_0004/rgb_00099.jpg /living_room_0004/sync_depth_00099.png 518.8579 +/student_lounge_0001/rgb_00111.jpg /student_lounge_0001/sync_depth_00111.png 518.8579 +/student_lounge_0001/rgb_00207.jpg /student_lounge_0001/sync_depth_00207.png 518.8579 +/dining_room_0015/rgb_00180.jpg /dining_room_0015/sync_depth_00180.png 518.8579 +/classroom_0018/rgb_00013.jpg /classroom_0018/sync_depth_00013.png 518.8579 +/bookstore_0001d/rgb_00068.jpg /bookstore_0001d/sync_depth_00068.png 518.8579 +/living_room_0063/rgb_00129.jpg /living_room_0063/sync_depth_00129.png 518.8579 +/home_office_0011/rgb_00062.jpg /home_office_0011/sync_depth_00062.png 518.8579 +/bedroom_0051/rgb_00032.jpg /bedroom_0051/sync_depth_00032.png 518.8579 +/kitchen_0010/rgb_00016.jpg /kitchen_0010/sync_depth_00016.png 518.8579 +/living_room_0040/rgb_00062.jpg /living_room_0040/sync_depth_00062.png 518.8579 +/bedroom_0004/rgb_00051.jpg /bedroom_0004/sync_depth_00051.png 518.8579 +/bedroom_0136/rgb_00086.jpg /bedroom_0136/sync_depth_00086.png 518.8579 +/study_0005/rgb_00006.jpg /study_0005/sync_depth_00006.png 518.8579 +/study_0006/rgb_00011.jpg /study_0006/sync_depth_00011.png 518.8579 +/bedroom_0021/rgb_00031.jpg /bedroom_0021/sync_depth_00031.png 518.8579 +/kitchen_0011b/rgb_00015.jpg /kitchen_0011b/sync_depth_00015.png 518.8579 +/bookstore_0001f/rgb_00162.jpg /bookstore_0001f/sync_depth_00162.png 518.8579 +/kitchen_0049/rgb_00227.jpg /kitchen_0049/sync_depth_00227.png 518.8579 +/kitchen_0035b/rgb_00187.jpg /kitchen_0035b/sync_depth_00187.png 518.8579 +/dining_room_0012/rgb_00176.jpg /dining_room_0012/sync_depth_00176.png 518.8579 +/kitchen_0028a/rgb_00089.jpg /kitchen_0028a/sync_depth_00089.png 518.8579 +/bedroom_0081/rgb_00040.jpg /bedroom_0081/sync_depth_00040.png 518.8579 +/bedroom_0016/rgb_00190.jpg /bedroom_0016/sync_depth_00190.png 518.8579 +/living_room_0022/rgb_00211.jpg /living_room_0022/sync_depth_00211.png 518.8579 +/bedroom_0062/rgb_00003.jpg /bedroom_0062/sync_depth_00003.png 518.8579 +/study_room_0004/rgb_00138.jpg /study_room_0004/sync_depth_00138.png 518.8579 +/living_room_0055/rgb_00130.jpg /living_room_0055/sync_depth_00130.png 518.8579 +/cafe_0001b/rgb_00038.jpg /cafe_0001b/sync_depth_00038.png 518.8579 +/dining_room_0010/rgb_00057.jpg /dining_room_0010/sync_depth_00057.png 518.8579 +/office_kitchen_0003/rgb_00090.jpg /office_kitchen_0003/sync_depth_00090.png 518.8579 +/home_office_0004/rgb_00030.jpg /home_office_0004/sync_depth_00030.png 518.8579 +/bedroom_0047/rgb_00060.jpg /bedroom_0047/sync_depth_00060.png 518.8579 +/classroom_0016/rgb_00079.jpg /classroom_0016/sync_depth_00079.png 518.8579 +/kitchen_0017/rgb_00055.jpg /kitchen_0017/sync_depth_00055.png 518.8579 +/living_room_0022/rgb_00440.jpg /living_room_0022/sync_depth_00440.png 518.8579 +/bedroom_0053/rgb_00079.jpg /bedroom_0053/sync_depth_00079.png 518.8579 +/bookstore_0001f/rgb_00278.jpg /bookstore_0001f/sync_depth_00278.png 518.8579 +/bedroom_0071/rgb_00047.jpg /bedroom_0071/sync_depth_00047.png 518.8579 +/bedroom_0025/rgb_00049.jpg /bedroom_0025/sync_depth_00049.png 518.8579 +/bedroom_0074/rgb_00044.jpg /bedroom_0074/sync_depth_00044.png 518.8579 +/dining_room_0019/rgb_00100.jpg /dining_room_0019/sync_depth_00100.png 518.8579 +/kitchen_0060/rgb_00161.jpg /kitchen_0060/sync_depth_00161.png 518.8579 +/living_room_0055/rgb_00123.jpg /living_room_0055/sync_depth_00123.png 518.8579 +/living_room_0011/rgb_00009.jpg /living_room_0011/sync_depth_00009.png 518.8579 +/kitchen_0043/rgb_00027.jpg /kitchen_0043/sync_depth_00027.png 518.8579 +/classroom_0016/rgb_00041.jpg /classroom_0016/sync_depth_00041.png 518.8579 +/dining_room_0029/rgb_00007.jpg /dining_room_0029/sync_depth_00007.png 518.8579 +/bookstore_0001d/rgb_00097.jpg /bookstore_0001d/sync_depth_00097.png 518.8579 +/living_room_0040/rgb_00030.jpg /living_room_0040/sync_depth_00030.png 518.8579 +/nyu_office_0/rgb_00117.jpg /nyu_office_0/sync_depth_00117.png 518.8579 +/dining_room_0034/rgb_00018.jpg /dining_room_0034/sync_depth_00018.png 518.8579 +/bathroom_0007/rgb_00079.jpg /bathroom_0007/sync_depth_00079.png 518.8579 +/dining_room_0024/rgb_00170.jpg /dining_room_0024/sync_depth_00170.png 518.8579 +/playroom_0002/rgb_00041.jpg /playroom_0002/sync_depth_00041.png 518.8579 +/reception_room_0004/rgb_00031.jpg /reception_room_0004/sync_depth_00031.png 518.8579 +/dining_room_0031/rgb_00130.jpg /dining_room_0031/sync_depth_00130.png 518.8579 +/office_0026/rgb_00097.jpg /office_0026/sync_depth_00097.png 518.8579 +/study_room_0005a/rgb_00036.jpg /study_room_0005a/sync_depth_00036.png 518.8579 +/bathroom_0024/rgb_00016.jpg /bathroom_0024/sync_depth_00016.png 518.8579 +/bedroom_0060/rgb_00000.jpg /bedroom_0060/sync_depth_00000.png 518.8579 +/bedroom_0034/rgb_00110.jpg /bedroom_0034/sync_depth_00110.png 518.8579 +/bedroom_0113/rgb_00093.jpg /bedroom_0113/sync_depth_00093.png 518.8579 +/living_room_0012/rgb_00180.jpg /living_room_0012/sync_depth_00180.png 518.8579 +/kitchen_0011a/rgb_00122.jpg /kitchen_0011a/sync_depth_00122.png 518.8579 +/living_room_0019/rgb_00029.jpg /living_room_0019/sync_depth_00029.png 518.8579 +/living_room_0020/rgb_00148.jpg /living_room_0020/sync_depth_00148.png 518.8579 +/living_room_0055/rgb_00026.jpg /living_room_0055/sync_depth_00026.png 518.8579 +/bedroom_0096/rgb_00084.jpg /bedroom_0096/sync_depth_00084.png 518.8579 +/bedroom_0025/rgb_00023.jpg /bedroom_0025/sync_depth_00023.png 518.8579 +/bathroom_0013/rgb_00034.jpg /bathroom_0013/sync_depth_00034.png 518.8579 +/living_room_0055/rgb_00062.jpg /living_room_0055/sync_depth_00062.png 518.8579 +/kitchen_0008/rgb_00049.jpg /kitchen_0008/sync_depth_00049.png 518.8579 +/classroom_0006/rgb_00116.jpg /classroom_0006/sync_depth_00116.png 518.8579 +/living_room_0011/rgb_00006.jpg /living_room_0011/sync_depth_00006.png 518.8579 +/study_room_0004/rgb_00104.jpg /study_room_0004/sync_depth_00104.png 518.8579 +/bedroom_0004/rgb_00102.jpg /bedroom_0004/sync_depth_00102.png 518.8579 +/furniture_store_0002a/rgb_00386.jpg /furniture_store_0002a/sync_depth_00386.png 518.8579 +/living_room_0019/rgb_00115.jpg /living_room_0019/sync_depth_00115.png 518.8579 +/furniture_store_0001e/rgb_00000.jpg /furniture_store_0001e/sync_depth_00000.png 518.8579 +/bedroom_0063/rgb_00088.jpg /bedroom_0063/sync_depth_00088.png 518.8579 +/bedroom_0071/rgb_00087.jpg /bedroom_0071/sync_depth_00087.png 518.8579 +/classroom_0016/rgb_00064.jpg /classroom_0016/sync_depth_00064.png 518.8579 +/bedroom_0104/rgb_00094.jpg /bedroom_0104/sync_depth_00094.png 518.8579 +/dining_room_0012/rgb_00002.jpg /dining_room_0012/sync_depth_00002.png 518.8579 +/home_office_0006/rgb_00116.jpg /home_office_0006/sync_depth_00116.png 518.8579 +/living_room_0029/rgb_00009.jpg /living_room_0029/sync_depth_00009.png 518.8579 +/reception_room_0001a/rgb_00055.jpg /reception_room_0001a/sync_depth_00055.png 518.8579 +/kitchen_0011b/rgb_00023.jpg /kitchen_0011b/sync_depth_00023.png 518.8579 +/basement_0001a/rgb_00158.jpg /basement_0001a/sync_depth_00158.png 518.8579 +/office_0025/rgb_00028.jpg /office_0025/sync_depth_00028.png 518.8579 +/reception_room_0001a/rgb_00059.jpg /reception_room_0001a/sync_depth_00059.png 518.8579 +/bedroom_0125b/rgb_00058.jpg /bedroom_0125b/sync_depth_00058.png 518.8579 +/living_room_0022/rgb_00333.jpg /living_room_0022/sync_depth_00333.png 518.8579 +/bedroom_0015/rgb_00027.jpg /bedroom_0015/sync_depth_00027.png 518.8579 +/kitchen_0035b/rgb_00117.jpg /kitchen_0035b/sync_depth_00117.png 518.8579 +/bookstore_0001h/rgb_00042.jpg /bookstore_0001h/sync_depth_00042.png 518.8579 +/conference_room_0001/rgb_00151.jpg /conference_room_0001/sync_depth_00151.png 518.8579 +/kitchen_0031/rgb_00152.jpg /kitchen_0031/sync_depth_00152.png 518.8579 +/living_room_0019/rgb_00190.jpg /living_room_0019/sync_depth_00190.png 518.8579 +/dining_room_0008/rgb_00054.jpg /dining_room_0008/sync_depth_00054.png 518.8579 +/kitchen_0043/rgb_00025.jpg /kitchen_0043/sync_depth_00025.png 518.8579 +/home_storage_0001/rgb_00113.jpg /home_storage_0001/sync_depth_00113.png 518.8579 +/home_office_0006/rgb_00059.jpg /home_office_0006/sync_depth_00059.png 518.8579 +/playroom_0006/rgb_00105.jpg /playroom_0006/sync_depth_00105.png 518.8579 +/dining_room_0012/rgb_00092.jpg /dining_room_0012/sync_depth_00092.png 518.8579 +/home_office_0006/rgb_00004.jpg /home_office_0006/sync_depth_00004.png 518.8579 +/bedroom_0071/rgb_00163.jpg /bedroom_0071/sync_depth_00163.png 518.8579 +/bedroom_0080/rgb_00010.jpg /bedroom_0080/sync_depth_00010.png 518.8579 +/living_room_0011/rgb_00003.jpg /living_room_0011/sync_depth_00003.png 518.8579 +/cafe_0001c/rgb_00081.jpg /cafe_0001c/sync_depth_00081.png 518.8579 +/dining_room_0031/rgb_00366.jpg /dining_room_0031/sync_depth_00366.png 518.8579 +/dining_room_0023/rgb_00110.jpg /dining_room_0023/sync_depth_00110.png 518.8579 +/living_room_0004/rgb_00179.jpg /living_room_0004/sync_depth_00179.png 518.8579 +/office_0003/rgb_00031.jpg /office_0003/sync_depth_00031.png 518.8579 +/office_kitchen_0001b/rgb_00055.jpg /office_kitchen_0001b/sync_depth_00055.png 518.8579 +/bookstore_0001d/rgb_00064.jpg /bookstore_0001d/sync_depth_00064.png 518.8579 +/bookstore_0001g/rgb_00179.jpg /bookstore_0001g/sync_depth_00179.png 518.8579 +/bedroom_0104/rgb_00100.jpg /bedroom_0104/sync_depth_00100.png 518.8579 +/furniture_store_0001d/rgb_00120.jpg /furniture_store_0001d/sync_depth_00120.png 518.8579 +/classroom_0006/rgb_00005.jpg /classroom_0006/sync_depth_00005.png 518.8579 +/bookstore_0001f/rgb_00091.jpg /bookstore_0001f/sync_depth_00091.png 518.8579 +/bedroom_0140/rgb_00111.jpg /bedroom_0140/sync_depth_00111.png 518.8579 +/classroom_0005/rgb_00028.jpg /classroom_0005/sync_depth_00028.png 518.8579 +/dining_room_0010/rgb_00035.jpg /dining_room_0010/sync_depth_00035.png 518.8579 +/living_room_0029/rgb_00122.jpg /living_room_0029/sync_depth_00122.png 518.8579 +/bedroom_0076a/rgb_00094.jpg /bedroom_0076a/sync_depth_00094.png 518.8579 +/dining_room_0019/rgb_00007.jpg /dining_room_0019/sync_depth_00007.png 518.8579 +/home_office_0004/rgb_00163.jpg /home_office_0004/sync_depth_00163.png 518.8579 +/bedroom_0028/rgb_00003.jpg /bedroom_0028/sync_depth_00003.png 518.8579 +/kitchen_0003/rgb_00163.jpg /kitchen_0003/sync_depth_00163.png 518.8579 +/living_room_0085/rgb_00052.jpg /living_room_0085/sync_depth_00052.png 518.8579 +/bedroom_0107/rgb_00019.jpg /bedroom_0107/sync_depth_00019.png 518.8579 +/playroom_0006/rgb_00034.jpg /playroom_0006/sync_depth_00034.png 518.8579 +/dining_room_0010/rgb_00107.jpg /dining_room_0010/sync_depth_00107.png 518.8579 +/living_room_0050/rgb_00249.jpg /living_room_0050/sync_depth_00249.png 518.8579 +/living_room_0067/rgb_00073.jpg /living_room_0067/sync_depth_00073.png 518.8579 +/kitchen_0047/rgb_00104.jpg /kitchen_0047/sync_depth_00104.png 518.8579 +/kitchen_0011a/rgb_00008.jpg /kitchen_0011a/sync_depth_00008.png 518.8579 +/living_room_0062/rgb_00068.jpg /living_room_0062/sync_depth_00068.png 518.8579 +/bedroom_0015/rgb_00032.jpg /bedroom_0015/sync_depth_00032.png 518.8579 +/bedroom_0136/rgb_00103.jpg /bedroom_0136/sync_depth_00103.png 518.8579 +/bathroom_0039/rgb_00054.jpg /bathroom_0039/sync_depth_00054.png 518.8579 +/office_kitchen_0001a/rgb_00084.jpg /office_kitchen_0001a/sync_depth_00084.png 518.8579 +/bathroom_0007/rgb_00105.jpg /bathroom_0007/sync_depth_00105.png 518.8579 +/furniture_store_0002a/rgb_00289.jpg /furniture_store_0002a/sync_depth_00289.png 518.8579 +/bedroom_0136/rgb_00155.jpg /bedroom_0136/sync_depth_00155.png 518.8579 +/living_room_0037/rgb_00033.jpg /living_room_0037/sync_depth_00033.png 518.8579 +/living_room_0082/rgb_00039.jpg /living_room_0082/sync_depth_00039.png 518.8579 +/office_0012/rgb_00103.jpg /office_0012/sync_depth_00103.png 518.8579 +/living_room_0086b/rgb_00014.jpg /living_room_0086b/sync_depth_00014.png 518.8579 +/office_kitchen_0001a/rgb_00031.jpg /office_kitchen_0001a/sync_depth_00031.png 518.8579 +/bedroom_0052/rgb_00017.jpg /bedroom_0052/sync_depth_00017.png 518.8579 +/bookstore_0001e/rgb_00015.jpg /bookstore_0001e/sync_depth_00015.png 518.8579 +/bedroom_0056a/rgb_00045.jpg /bedroom_0056a/sync_depth_00045.png 518.8579 +/bedroom_0140/rgb_00145.jpg /bedroom_0140/sync_depth_00145.png 518.8579 +/dining_room_0037/rgb_00059.jpg /dining_room_0037/sync_depth_00059.png 518.8579 +/bathroom_0006/rgb_00017.jpg /bathroom_0006/sync_depth_00017.png 518.8579 +/bathroom_0019/rgb_00019.jpg /bathroom_0019/sync_depth_00019.png 518.8579 +/bedroom_0057/rgb_00034.jpg /bedroom_0057/sync_depth_00034.png 518.8579 +/office_0024/rgb_00046.jpg /office_0024/sync_depth_00046.png 518.8579 +/office_0009/rgb_00032.jpg /office_0009/sync_depth_00032.png 518.8579 +/bedroom_0025/rgb_00122.jpg /bedroom_0025/sync_depth_00122.png 518.8579 +/living_room_0050/rgb_00025.jpg /living_room_0050/sync_depth_00025.png 518.8579 +/bedroom_0004/rgb_00187.jpg /bedroom_0004/sync_depth_00187.png 518.8579 +/bedroom_0125b/rgb_00046.jpg /bedroom_0125b/sync_depth_00046.png 518.8579 +/bedroom_0056b/rgb_00039.jpg /bedroom_0056b/sync_depth_00039.png 518.8579 +/dining_room_0010/rgb_00069.jpg /dining_room_0010/sync_depth_00069.png 518.8579 +/bedroom_0076a/rgb_00182.jpg /bedroom_0076a/sync_depth_00182.png 518.8579 +/bookstore_0001j/rgb_00002.jpg /bookstore_0001j/sync_depth_00002.png 518.8579 +/bedroom_0051/rgb_00073.jpg /bedroom_0051/sync_depth_00073.png 518.8579 +/living_room_0039/rgb_00140.jpg /living_room_0039/sync_depth_00140.png 518.8579 +/office_0011/rgb_00015.jpg /office_0011/sync_depth_00015.png 518.8579 +/kitchen_0043/rgb_00199.jpg /kitchen_0043/sync_depth_00199.png 518.8579 +/dining_room_0012/rgb_00151.jpg /dining_room_0012/sync_depth_00151.png 518.8579 +/bathroom_0028/rgb_00078.jpg /bathroom_0028/sync_depth_00078.png 518.8579 +/kitchen_0050/rgb_00132.jpg /kitchen_0050/sync_depth_00132.png 518.8579 +/living_room_0068/rgb_00015.jpg /living_room_0068/sync_depth_00015.png 518.8579 +/kitchen_0003/rgb_00119.jpg /kitchen_0003/sync_depth_00119.png 518.8579 +/kitchen_0029c/rgb_00034.jpg /kitchen_0029c/sync_depth_00034.png 518.8579 +/study_0003/rgb_00038.jpg /study_0003/sync_depth_00038.png 518.8579 +/office_0025/rgb_00002.jpg /office_0025/sync_depth_00002.png 518.8579 +/living_room_0022/rgb_00260.jpg /living_room_0022/sync_depth_00260.png 518.8579 +/bathroom_0007/rgb_00000.jpg /bathroom_0007/sync_depth_00000.png 518.8579 +/classroom_0006/rgb_00096.jpg /classroom_0006/sync_depth_00096.png 518.8579 +/living_room_0086a/rgb_00060.jpg /living_room_0086a/sync_depth_00060.png 518.8579 +/dining_room_0031/rgb_00251.jpg /dining_room_0031/sync_depth_00251.png 518.8579 +/living_room_0062/rgb_00180.jpg /living_room_0062/sync_depth_00180.png 518.8579 +/bedroom_0136/rgb_00005.jpg /bedroom_0136/sync_depth_00005.png 518.8579 +/kitchen_0003/rgb_00089.jpg /kitchen_0003/sync_depth_00089.png 518.8579 +/student_lounge_0001/rgb_00148.jpg /student_lounge_0001/sync_depth_00148.png 518.8579 +/living_room_0058/rgb_00071.jpg /living_room_0058/sync_depth_00071.png 518.8579 +/classroom_0003/rgb_00077.jpg /classroom_0003/sync_depth_00077.png 518.8579 +/furniture_store_0002a/rgb_00195.jpg /furniture_store_0002a/sync_depth_00195.png 518.8579 +/classroom_0006/rgb_00090.jpg /classroom_0006/sync_depth_00090.png 518.8579 +/living_room_0069b/rgb_00075.jpg /living_room_0069b/sync_depth_00075.png 518.8579 +/computer_lab_0002/rgb_00030.jpg /computer_lab_0002/sync_depth_00030.png 518.8579 +/furniture_store_0002b/rgb_00000.jpg /furniture_store_0002b/sync_depth_00000.png 518.8579 +/computer_lab_0002/rgb_00010.jpg /computer_lab_0002/sync_depth_00010.png 518.8579 +/bedroom_0014/rgb_00050.jpg /bedroom_0014/sync_depth_00050.png 518.8579 +/home_storage_0001/rgb_00144.jpg /home_storage_0001/sync_depth_00144.png 518.8579 +/dining_room_0014/rgb_00084.jpg /dining_room_0014/sync_depth_00084.png 518.8579 +/dining_room_0004/rgb_00050.jpg /dining_room_0004/sync_depth_00050.png 518.8579 +/study_room_0004/rgb_00028.jpg /study_room_0004/sync_depth_00028.png 518.8579 +/kitchen_0029c/rgb_00054.jpg /kitchen_0029c/sync_depth_00054.png 518.8579 +/bathroom_0048/rgb_00033.jpg /bathroom_0048/sync_depth_00033.png 518.8579 +/dining_room_0007/rgb_00127.jpg /dining_room_0007/sync_depth_00127.png 518.8579 +/living_room_0083/rgb_00014.jpg /living_room_0083/sync_depth_00014.png 518.8579 +/classroom_0003/rgb_00086.jpg /classroom_0003/sync_depth_00086.png 518.8579 +/bedroom_0129/rgb_00067.jpg /bedroom_0129/sync_depth_00067.png 518.8579 +/living_room_0004/rgb_00015.jpg /living_room_0004/sync_depth_00015.png 518.8579 +/living_room_0067/rgb_00036.jpg /living_room_0067/sync_depth_00036.png 518.8579 +/computer_lab_0002/rgb_00042.jpg /computer_lab_0002/sync_depth_00042.png 518.8579 +/bedroom_0076a/rgb_00268.jpg /bedroom_0076a/sync_depth_00268.png 518.8579 +/bedroom_0034/rgb_00036.jpg /bedroom_0034/sync_depth_00036.png 518.8579 +/study_0008/rgb_00054.jpg /study_0008/sync_depth_00054.png 518.8579 +/basement_0001a/rgb_00057.jpg /basement_0001a/sync_depth_00057.png 518.8579 +/kitchen_0051/rgb_00239.jpg /kitchen_0051/sync_depth_00239.png 518.8579 +/classroom_0011/rgb_00031.jpg /classroom_0011/sync_depth_00031.png 518.8579 +/kitchen_0051/rgb_00062.jpg /kitchen_0051/sync_depth_00062.png 518.8579 +/kitchen_0029c/rgb_00099.jpg /kitchen_0029c/sync_depth_00099.png 518.8579 +/office_0006/rgb_00035.jpg /office_0006/sync_depth_00035.png 518.8579 +/playroom_0002/rgb_00057.jpg /playroom_0002/sync_depth_00057.png 518.8579 +/kitchen_0047/rgb_00145.jpg /kitchen_0047/sync_depth_00145.png 518.8579 +/furniture_store_0002d/rgb_00012.jpg /furniture_store_0002d/sync_depth_00012.png 518.8579 +/furniture_store_0002b/rgb_00146.jpg /furniture_store_0002b/sync_depth_00146.png 518.8579 +/living_room_0086a/rgb_00049.jpg /living_room_0086a/sync_depth_00049.png 518.8579 +/bedroom_0010/rgb_00068.jpg /bedroom_0010/sync_depth_00068.png 518.8579 +/living_room_0020/rgb_00135.jpg /living_room_0020/sync_depth_00135.png 518.8579 +/kitchen_0031/rgb_00093.jpg /kitchen_0031/sync_depth_00093.png 518.8579 +/playroom_0003/rgb_00089.jpg /playroom_0003/sync_depth_00089.png 518.8579 +/classroom_0003/rgb_00006.jpg /classroom_0003/sync_depth_00006.png 518.8579 +/kitchen_0028a/rgb_00187.jpg /kitchen_0028a/sync_depth_00187.png 518.8579 +/kitchen_0028b/rgb_00001.jpg /kitchen_0028b/sync_depth_00001.png 518.8579 +/dining_room_0013/rgb_00084.jpg /dining_room_0013/sync_depth_00084.png 518.8579 +/bedroom_0120/rgb_00022.jpg /bedroom_0120/sync_depth_00022.png 518.8579 +/bathroom_0011/rgb_00037.jpg /bathroom_0011/sync_depth_00037.png 518.8579 +/kitchen_0019a/rgb_00146.jpg /kitchen_0019a/sync_depth_00146.png 518.8579 +/furniture_store_0002a/rgb_00105.jpg /furniture_store_0002a/sync_depth_00105.png 518.8579 +/study_0005/rgb_00003.jpg /study_0005/sync_depth_00003.png 518.8579 +/dining_room_0028/rgb_00091.jpg /dining_room_0028/sync_depth_00091.png 518.8579 +/bedroom_0025/rgb_00149.jpg /bedroom_0025/sync_depth_00149.png 518.8579 +/kitchen_0060/rgb_00144.jpg /kitchen_0060/sync_depth_00144.png 518.8579 +/office_0006/rgb_00049.jpg /office_0006/sync_depth_00049.png 518.8579 +/living_room_0022/rgb_00016.jpg /living_room_0022/sync_depth_00016.png 518.8579 +/bathroom_0007/rgb_00099.jpg /bathroom_0007/sync_depth_00099.png 518.8579 +/kitchen_0050/rgb_00089.jpg /kitchen_0050/sync_depth_00089.png 518.8579 +/classroom_0005/rgb_00021.jpg /classroom_0005/sync_depth_00021.png 518.8579 +/bathroom_0034/rgb_00033.jpg /bathroom_0034/sync_depth_00033.png 518.8579 +/office_0009/rgb_00015.jpg /office_0009/sync_depth_00015.png 518.8579 +/bookstore_0001f/rgb_00412.jpg /bookstore_0001f/sync_depth_00412.png 518.8579 +/bathroom_0045a/rgb_00052.jpg /bathroom_0045a/sync_depth_00052.png 518.8579 +/dining_room_0007/rgb_00109.jpg /dining_room_0007/sync_depth_00109.png 518.8579 +/kitchen_0017/rgb_00006.jpg /kitchen_0017/sync_depth_00006.png 518.8579 +/living_room_0022/rgb_00107.jpg /living_room_0022/sync_depth_00107.png 518.8579 +/home_office_0006/rgb_00091.jpg /home_office_0006/sync_depth_00091.png 518.8579 +/bedroom_0079/rgb_00021.jpg /bedroom_0079/sync_depth_00021.png 518.8579 +/indoor_balcony_0001/rgb_00045.jpg /indoor_balcony_0001/sync_depth_00045.png 518.8579 +/living_room_0050/rgb_00290.jpg /living_room_0050/sync_depth_00290.png 518.8579 +/study_room_0005b/rgb_00075.jpg /study_room_0005b/sync_depth_00075.png 518.8579 +/living_room_0020/rgb_00036.jpg /living_room_0020/sync_depth_00036.png 518.8579 +/dining_room_0031/rgb_00203.jpg /dining_room_0031/sync_depth_00203.png 518.8579 +/bedroom_0071/rgb_00170.jpg /bedroom_0071/sync_depth_00170.png 518.8579 +/bookstore_0001e/rgb_00108.jpg /bookstore_0001e/sync_depth_00108.png 518.8579 +/living_room_0058/rgb_00275.jpg /living_room_0058/sync_depth_00275.png 518.8579 +/kitchen_0051/rgb_00292.jpg /kitchen_0051/sync_depth_00292.png 518.8579 +/bedroom_0076a/rgb_00088.jpg /bedroom_0076a/sync_depth_00088.png 518.8579 +/dining_room_0016/rgb_00025.jpg /dining_room_0016/sync_depth_00025.png 518.8579 +/kitchen_0051/rgb_00069.jpg /kitchen_0051/sync_depth_00069.png 518.8579 +/bedroom_0031/rgb_00022.jpg /bedroom_0031/sync_depth_00022.png 518.8579 +/bookstore_0001f/rgb_00188.jpg /bookstore_0001f/sync_depth_00188.png 518.8579 +/classroom_0006/rgb_00016.jpg /classroom_0006/sync_depth_00016.png 518.8579 +/bedroom_0028/rgb_00035.jpg /bedroom_0028/sync_depth_00035.png 518.8579 +/bedroom_0076a/rgb_00195.jpg /bedroom_0076a/sync_depth_00195.png 518.8579 +/kitchen_0019a/rgb_00150.jpg /kitchen_0019a/sync_depth_00150.png 518.8579 +/bathroom_0010/rgb_00032.jpg /bathroom_0010/sync_depth_00032.png 518.8579 +/bedroom_0017/rgb_00122.jpg /bedroom_0017/sync_depth_00122.png 518.8579 +/bedroom_0029/rgb_00055.jpg /bedroom_0029/sync_depth_00055.png 518.8579 +/living_room_0047b/rgb_00056.jpg /living_room_0047b/sync_depth_00056.png 518.8579 +/bedroom_0078/rgb_00060.jpg /bedroom_0078/sync_depth_00060.png 518.8579 +/furniture_store_0002b/rgb_00084.jpg /furniture_store_0002b/sync_depth_00084.png 518.8579 +/kitchen_0033/rgb_00094.jpg /kitchen_0033/sync_depth_00094.png 518.8579 +/living_room_0022/rgb_00091.jpg /living_room_0022/sync_depth_00091.png 518.8579 +/bookstore_0001d/rgb_00341.jpg /bookstore_0001d/sync_depth_00341.png 518.8579 +/kitchen_0035a/rgb_00044.jpg /kitchen_0035a/sync_depth_00044.png 518.8579 +/dining_room_0024/rgb_00079.jpg /dining_room_0024/sync_depth_00079.png 518.8579 +/living_room_0005/rgb_00068.jpg /living_room_0005/sync_depth_00068.png 518.8579 +/kitchen_0003/rgb_00036.jpg /kitchen_0003/sync_depth_00036.png 518.8579 +/bedroom_0016/rgb_00158.jpg /bedroom_0016/sync_depth_00158.png 518.8579 +/kitchen_0033/rgb_00070.jpg /kitchen_0033/sync_depth_00070.png 518.8579 +/nyu_office_0/rgb_00421.jpg /nyu_office_0/sync_depth_00421.png 518.8579 +/kitchen_0003/rgb_00084.jpg /kitchen_0003/sync_depth_00084.png 518.8579 +/bathroom_0010/rgb_00051.jpg /bathroom_0010/sync_depth_00051.png 518.8579 +/bedroom_0056a/rgb_00001.jpg /bedroom_0056a/sync_depth_00001.png 518.8579 +/kitchen_0053/rgb_00072.jpg /kitchen_0053/sync_depth_00072.png 518.8579 +/classroom_0022/rgb_00037.jpg /classroom_0022/sync_depth_00037.png 518.8579 +/living_room_0011/rgb_00107.jpg /living_room_0011/sync_depth_00107.png 518.8579 +/bookstore_0001j/rgb_00300.jpg /bookstore_0001j/sync_depth_00300.png 518.8579 +/bathroom_0048/rgb_00035.jpg /bathroom_0048/sync_depth_00035.png 518.8579 +/living_room_0011/rgb_00102.jpg /living_room_0011/sync_depth_00102.png 518.8579 +/bedroom_0104/rgb_00102.jpg /bedroom_0104/sync_depth_00102.png 518.8579 +/kitchen_0011b/rgb_00085.jpg /kitchen_0011b/sync_depth_00085.png 518.8579 +/kitchen_0029b/rgb_00044.jpg /kitchen_0029b/sync_depth_00044.png 518.8579 +/conference_room_0001/rgb_00080.jpg /conference_room_0001/sync_depth_00080.png 518.8579 +/bedroom_0062/rgb_00123.jpg /bedroom_0062/sync_depth_00123.png 518.8579 +/bedroom_0069/rgb_00093.jpg /bedroom_0069/sync_depth_00093.png 518.8579 +/living_room_0058/rgb_00192.jpg /living_room_0058/sync_depth_00192.png 518.8579 +/dining_room_0034/rgb_00158.jpg /dining_room_0034/sync_depth_00158.png 518.8579 +/living_room_0019/rgb_00005.jpg /living_room_0019/sync_depth_00005.png 518.8579 +/living_room_0070/rgb_00040.jpg /living_room_0070/sync_depth_00040.png 518.8579 +/bedroom_0094/rgb_00007.jpg /bedroom_0094/sync_depth_00007.png 518.8579 +/dining_room_0016/rgb_00081.jpg /dining_room_0016/sync_depth_00081.png 518.8579 +/office_0018/rgb_00049.jpg /office_0018/sync_depth_00049.png 518.8579 +/office_0006/rgb_00162.jpg /office_0006/sync_depth_00162.png 518.8579 +/office_0006/rgb_00139.jpg /office_0006/sync_depth_00139.png 518.8579 +/bookstore_0001d/rgb_00217.jpg /bookstore_0001d/sync_depth_00217.png 518.8579 +/kitchen_0033/rgb_00084.jpg /kitchen_0033/sync_depth_00084.png 518.8579 +/bedroom_0081/rgb_00036.jpg /bedroom_0081/sync_depth_00036.png 518.8579 +/bathroom_0011/rgb_00008.jpg /bathroom_0011/sync_depth_00008.png 518.8579 +/dining_room_0010/rgb_00006.jpg /dining_room_0010/sync_depth_00006.png 518.8579 +/classroom_0018/rgb_00051.jpg /classroom_0018/sync_depth_00051.png 518.8579 +/kitchen_0003/rgb_00170.jpg /kitchen_0003/sync_depth_00170.png 518.8579 +/furniture_store_0002a/rgb_00009.jpg /furniture_store_0002a/sync_depth_00009.png 518.8579 +/dining_room_0001b/rgb_00199.jpg /dining_room_0001b/sync_depth_00199.png 518.8579 +/bedroom_0053/rgb_00083.jpg /bedroom_0053/sync_depth_00083.png 518.8579 +/bedroom_0041/rgb_00063.jpg /bedroom_0041/sync_depth_00063.png 518.8579 +/classroom_0012/rgb_00035.jpg /classroom_0012/sync_depth_00035.png 518.8579 +/bedroom_0104/rgb_00021.jpg /bedroom_0104/sync_depth_00021.png 518.8579 +/bookstore_0001e/rgb_00210.jpg /bookstore_0001e/sync_depth_00210.png 518.8579 +/living_room_0018/rgb_00196.jpg /living_room_0018/sync_depth_00196.png 518.8579 +/kitchen_0031/rgb_00201.jpg /kitchen_0031/sync_depth_00201.png 518.8579 +/bathroom_0013/rgb_00067.jpg /bathroom_0013/sync_depth_00067.png 518.8579 +/bookstore_0001d/rgb_00138.jpg /bookstore_0001d/sync_depth_00138.png 518.8579 +/bedroom_0094/rgb_00026.jpg /bedroom_0094/sync_depth_00026.png 518.8579 +/kitchen_0048/rgb_00161.jpg /kitchen_0048/sync_depth_00161.png 518.8579 +/kitchen_0048/rgb_00265.jpg /kitchen_0048/sync_depth_00265.png 518.8579 +/living_room_0010/rgb_00110.jpg /living_room_0010/sync_depth_00110.png 518.8579 +/nyu_office_0/rgb_00266.jpg /nyu_office_0/sync_depth_00266.png 518.8579 +/living_room_0058/rgb_00219.jpg /living_room_0058/sync_depth_00219.png 518.8579 +/bathroom_0028/rgb_00037.jpg /bathroom_0028/sync_depth_00037.png 518.8579 +/living_room_0012/rgb_00008.jpg /living_room_0012/sync_depth_00008.png 518.8579 +/bathroom_0024/rgb_00049.jpg /bathroom_0024/sync_depth_00049.png 518.8579 +/bookstore_0001f/rgb_00141.jpg /bookstore_0001f/sync_depth_00141.png 518.8579 +/living_room_0068/rgb_00074.jpg /living_room_0068/sync_depth_00074.png 518.8579 +/kitchen_0017/rgb_00028.jpg /kitchen_0017/sync_depth_00028.png 518.8579 +/kitchen_0031/rgb_00182.jpg /kitchen_0031/sync_depth_00182.png 518.8579 +/bedroom_0060/rgb_00014.jpg /bedroom_0060/sync_depth_00014.png 518.8579 +/bedroom_0076a/rgb_00236.jpg /bedroom_0076a/sync_depth_00236.png 518.8579 +/dining_room_0013/rgb_00187.jpg /dining_room_0013/sync_depth_00187.png 518.8579 +/kitchen_0060/rgb_00151.jpg /kitchen_0060/sync_depth_00151.png 518.8579 +/bedroom_0016/rgb_00011.jpg /bedroom_0016/sync_depth_00011.png 518.8579 +/bedroom_0094/rgb_00010.jpg /bedroom_0094/sync_depth_00010.png 518.8579 +/living_room_0004/rgb_00176.jpg /living_room_0004/sync_depth_00176.png 518.8579 +/bedroom_0019/rgb_00053.jpg /bedroom_0019/sync_depth_00053.png 518.8579 +/bedroom_0130/rgb_00007.jpg /bedroom_0130/sync_depth_00007.png 518.8579 +/bedroom_0031/rgb_00039.jpg /bedroom_0031/sync_depth_00039.png 518.8579 +/furniture_store_0001d/rgb_00200.jpg /furniture_store_0001d/sync_depth_00200.png 518.8579 +/living_room_0062/rgb_00210.jpg /living_room_0062/sync_depth_00210.png 518.8579 +/dining_room_0023/rgb_00009.jpg /dining_room_0023/sync_depth_00009.png 518.8579 +/bedroom_0019/rgb_00108.jpg /bedroom_0019/sync_depth_00108.png 518.8579 +/indoor_balcony_0001/rgb_00003.jpg /indoor_balcony_0001/sync_depth_00003.png 518.8579 +/living_room_0042a/rgb_00023.jpg /living_room_0042a/sync_depth_00023.png 518.8579 +/dining_room_0029/rgb_00086.jpg /dining_room_0029/sync_depth_00086.png 518.8579 +/kitchen_0017/rgb_00076.jpg /kitchen_0017/sync_depth_00076.png 518.8579 +/kitchen_0016/rgb_00067.jpg /kitchen_0016/sync_depth_00067.png 518.8579 +/dining_room_0024/rgb_00151.jpg /dining_room_0024/sync_depth_00151.png 518.8579 +/living_room_0086b/rgb_00026.jpg /living_room_0086b/sync_depth_00026.png 518.8579 +/home_office_0006/rgb_00009.jpg /home_office_0006/sync_depth_00009.png 518.8579 +/kitchen_0043/rgb_00033.jpg /kitchen_0043/sync_depth_00033.png 518.8579 +/bedroom_0051/rgb_00004.jpg /bedroom_0051/sync_depth_00004.png 518.8579 +/living_room_0038/rgb_00011.jpg /living_room_0038/sync_depth_00011.png 518.8579 +/living_room_0019/rgb_00165.jpg /living_room_0019/sync_depth_00165.png 518.8579 +/dining_room_0004/rgb_00068.jpg /dining_room_0004/sync_depth_00068.png 518.8579 +/furniture_store_0001d/rgb_00078.jpg /furniture_store_0001d/sync_depth_00078.png 518.8579 +/living_room_0039/rgb_00145.jpg /living_room_0039/sync_depth_00145.png 518.8579 +/home_office_0005/rgb_00126.jpg /home_office_0005/sync_depth_00126.png 518.8579 +/study_0003/rgb_00043.jpg /study_0003/sync_depth_00043.png 518.8579 +/kitchen_0016/rgb_00004.jpg /kitchen_0016/sync_depth_00004.png 518.8579 +/furniture_store_0001e/rgb_00011.jpg /furniture_store_0001e/sync_depth_00011.png 518.8579 +/bookstore_0001d/rgb_00203.jpg /bookstore_0001d/sync_depth_00203.png 518.8579 +/dining_room_0007/rgb_00238.jpg /dining_room_0007/sync_depth_00238.png 518.8579 +/dining_room_0034/rgb_00124.jpg /dining_room_0034/sync_depth_00124.png 518.8579 +/bathroom_0051/rgb_00008.jpg /bathroom_0051/sync_depth_00008.png 518.8579 +/bedroom_0025/rgb_00054.jpg /bedroom_0025/sync_depth_00054.png 518.8579 +/bedroom_0016/rgb_00202.jpg /bedroom_0016/sync_depth_00202.png 518.8579 +/excercise_room_0001/rgb_00079.jpg /excercise_room_0001/sync_depth_00079.png 518.8579 +/living_room_0078/rgb_00139.jpg /living_room_0078/sync_depth_00139.png 518.8579 +/office_0009/rgb_00059.jpg /office_0009/sync_depth_00059.png 518.8579 +/home_storage_0001/rgb_00026.jpg /home_storage_0001/sync_depth_00026.png 518.8579 +/dining_room_0008/rgb_00071.jpg /dining_room_0008/sync_depth_00071.png 518.8579 +/bedroom_0051/rgb_00215.jpg /bedroom_0051/sync_depth_00215.png 518.8579 +/home_office_0006/rgb_00003.jpg /home_office_0006/sync_depth_00003.png 518.8579 +/nyu_office_0/rgb_00390.jpg /nyu_office_0/sync_depth_00390.png 518.8579 +/bedroom_0045/rgb_00005.jpg /bedroom_0045/sync_depth_00005.png 518.8579 +/living_room_0010/rgb_00057.jpg /living_room_0010/sync_depth_00057.png 518.8579 +/living_room_0046a/rgb_00060.jpg /living_room_0046a/sync_depth_00060.png 518.8579 +/bedroom_0072/rgb_00143.jpg /bedroom_0072/sync_depth_00143.png 518.8579 +/bedroom_0130/rgb_00065.jpg /bedroom_0130/sync_depth_00065.png 518.8579 +/furniture_store_0002a/rgb_00322.jpg /furniture_store_0002a/sync_depth_00322.png 518.8579 +/playroom_0004/rgb_00067.jpg /playroom_0004/sync_depth_00067.png 518.8579 +/bathroom_0035/rgb_00039.jpg /bathroom_0035/sync_depth_00039.png 518.8579 +/kitchen_0053/rgb_00027.jpg /kitchen_0053/sync_depth_00027.png 518.8579 +/bedroom_0071/rgb_00154.jpg /bedroom_0071/sync_depth_00154.png 518.8579 +/dining_room_0031/rgb_00225.jpg /dining_room_0031/sync_depth_00225.png 518.8579 +/bedroom_0026/rgb_00093.jpg /bedroom_0026/sync_depth_00093.png 518.8579 +/living_room_0050/rgb_00124.jpg /living_room_0050/sync_depth_00124.png 518.8579 +/bedroom_0033/rgb_00035.jpg /bedroom_0033/sync_depth_00035.png 518.8579 +/living_room_0019/rgb_00137.jpg /living_room_0019/sync_depth_00137.png 518.8579 +/living_room_0035/rgb_00030.jpg /living_room_0035/sync_depth_00030.png 518.8579 +/home_office_0005/rgb_00141.jpg /home_office_0005/sync_depth_00141.png 518.8579 +/bedroom_0140/rgb_00034.jpg /bedroom_0140/sync_depth_00034.png 518.8579 +/kitchen_0011a/rgb_00028.jpg /kitchen_0011a/sync_depth_00028.png 518.8579 +/bedroom_0132/rgb_00035.jpg /bedroom_0132/sync_depth_00035.png 518.8579 +/living_room_0012/rgb_00124.jpg /living_room_0012/sync_depth_00124.png 518.8579 +/furniture_store_0002b/rgb_00138.jpg /furniture_store_0002b/sync_depth_00138.png 518.8579 +/bathroom_0007/rgb_00108.jpg /bathroom_0007/sync_depth_00108.png 518.8579 +/bedroom_0053/rgb_00025.jpg /bedroom_0053/sync_depth_00025.png 518.8579 +/bedroom_0072/rgb_00057.jpg /bedroom_0072/sync_depth_00057.png 518.8579 +/home_office_0013/rgb_00082.jpg /home_office_0013/sync_depth_00082.png 518.8579 +/living_room_0040/rgb_00021.jpg /living_room_0040/sync_depth_00021.png 518.8579 +/furniture_store_0002d/rgb_00017.jpg /furniture_store_0002d/sync_depth_00017.png 518.8579 +/reception_room_0002/rgb_00103.jpg /reception_room_0002/sync_depth_00103.png 518.8579 +/bookstore_0001f/rgb_00429.jpg /bookstore_0001f/sync_depth_00429.png 518.8579 +/student_lounge_0001/rgb_00247.jpg /student_lounge_0001/sync_depth_00247.png 518.8579 +/furniture_store_0001b/rgb_00080.jpg /furniture_store_0001b/sync_depth_00080.png 518.8579 +/kitchen_0052/rgb_00121.jpg /kitchen_0052/sync_depth_00121.png 518.8579 +/bedroom_0079/rgb_00046.jpg /bedroom_0079/sync_depth_00046.png 518.8579 +/classroom_0022/rgb_00073.jpg /classroom_0022/sync_depth_00073.png 518.8579 +/dining_room_0034/rgb_00060.jpg /dining_room_0034/sync_depth_00060.png 518.8579 +/classroom_0006/rgb_00139.jpg /classroom_0006/sync_depth_00139.png 518.8579 +/classroom_0003/rgb_00058.jpg /classroom_0003/sync_depth_00058.png 518.8579 +/furniture_store_0002b/rgb_00258.jpg /furniture_store_0002b/sync_depth_00258.png 518.8579 +/bookstore_0001g/rgb_00073.jpg /bookstore_0001g/sync_depth_00073.png 518.8579 +/bookstore_0001g/rgb_00147.jpg /bookstore_0001g/sync_depth_00147.png 518.8579 +/home_office_0006/rgb_00058.jpg /home_office_0006/sync_depth_00058.png 518.8579 +/bedroom_0029/rgb_00024.jpg /bedroom_0029/sync_depth_00024.png 518.8579 +/living_room_0047a/rgb_00003.jpg /living_room_0047a/sync_depth_00003.png 518.8579 +/bathroom_0019/rgb_00028.jpg /bathroom_0019/sync_depth_00028.png 518.8579 +/kitchen_0029c/rgb_00093.jpg /kitchen_0029c/sync_depth_00093.png 518.8579 +/bathroom_0013/rgb_00041.jpg /bathroom_0013/sync_depth_00041.png 518.8579 +/bedroom_0113/rgb_00061.jpg /bedroom_0113/sync_depth_00061.png 518.8579 +/reception_room_0001b/rgb_00055.jpg /reception_room_0001b/sync_depth_00055.png 518.8579 +/bedroom_0026/rgb_00131.jpg /bedroom_0026/sync_depth_00131.png 518.8579 +/bookstore_0001h/rgb_00036.jpg /bookstore_0001h/sync_depth_00036.png 518.8579 +/office_0009/rgb_00064.jpg /office_0009/sync_depth_00064.png 518.8579 +/bedroom_0118/rgb_00008.jpg /bedroom_0118/sync_depth_00008.png 518.8579 +/dining_room_0023/rgb_00010.jpg /dining_room_0023/sync_depth_00010.png 518.8579 +/office_kitchen_0003/rgb_00113.jpg /office_kitchen_0003/sync_depth_00113.png 518.8579 +/dining_room_0031/rgb_00001.jpg /dining_room_0031/sync_depth_00001.png 518.8579 +/kitchen_0048/rgb_00137.jpg /kitchen_0048/sync_depth_00137.png 518.8579 +/home_office_0005/rgb_00045.jpg /home_office_0005/sync_depth_00045.png 518.8579 +/bookstore_0001j/rgb_00144.jpg /bookstore_0001j/sync_depth_00144.png 518.8579 +/kitchen_0035b/rgb_00034.jpg /kitchen_0035b/sync_depth_00034.png 518.8579 +/living_room_0032/rgb_00041.jpg /living_room_0032/sync_depth_00041.png 518.8579 +/kitchen_0019a/rgb_00191.jpg /kitchen_0019a/sync_depth_00191.png 518.8579 +/bedroom_0074/rgb_00088.jpg /bedroom_0074/sync_depth_00088.png 518.8579 +/kitchen_0051/rgb_00209.jpg /kitchen_0051/sync_depth_00209.png 518.8579 +/bedroom_0140/rgb_00171.jpg /bedroom_0140/sync_depth_00171.png 518.8579 +/living_room_0022/rgb_00007.jpg /living_room_0022/sync_depth_00007.png 518.8579 +/bedroom_0082/rgb_00026.jpg /bedroom_0082/sync_depth_00026.png 518.8579 +/bedroom_0067b/rgb_00007.jpg /bedroom_0067b/sync_depth_00007.png 518.8579 +/kitchen_0011a/rgb_00005.jpg /kitchen_0011a/sync_depth_00005.png 518.8579 +/bedroom_0100/rgb_00072.jpg /bedroom_0100/sync_depth_00072.png 518.8579 +/bedroom_0033/rgb_00040.jpg /bedroom_0033/sync_depth_00040.png 518.8579 +/bookstore_0001e/rgb_00219.jpg /bookstore_0001e/sync_depth_00219.png 518.8579 +/dining_room_0016/rgb_00091.jpg /dining_room_0016/sync_depth_00091.png 518.8579 +/dining_room_0031/rgb_00165.jpg /dining_room_0031/sync_depth_00165.png 518.8579 +/furniture_store_0001b/rgb_00037.jpg /furniture_store_0001b/sync_depth_00037.png 518.8579 +/kitchen_0045b/rgb_00128.jpg /kitchen_0045b/sync_depth_00128.png 518.8579 +/living_room_0050/rgb_00067.jpg /living_room_0050/sync_depth_00067.png 518.8579 +/bedroom_0010/rgb_00100.jpg /bedroom_0010/sync_depth_00100.png 518.8579 +/foyer_0002/rgb_00020.jpg /foyer_0002/sync_depth_00020.png 518.8579 +/bookstore_0001d/rgb_00065.jpg /bookstore_0001d/sync_depth_00065.png 518.8579 +/playroom_0006/rgb_00127.jpg /playroom_0006/sync_depth_00127.png 518.8579 +/bedroom_0100/rgb_00024.jpg /bedroom_0100/sync_depth_00024.png 518.8579 +/classroom_0022/rgb_00003.jpg /classroom_0022/sync_depth_00003.png 518.8579 +/furniture_store_0001d/rgb_00012.jpg /furniture_store_0001d/sync_depth_00012.png 518.8579 +/dining_room_0008/rgb_00032.jpg /dining_room_0008/sync_depth_00032.png 518.8579 +/playroom_0004/rgb_00115.jpg /playroom_0004/sync_depth_00115.png 518.8579 +/furniture_store_0002c/rgb_00007.jpg /furniture_store_0002c/sync_depth_00007.png 518.8579 +/bedroom_0020/rgb_00054.jpg /bedroom_0020/sync_depth_00054.png 518.8579 +/dining_room_0033/rgb_00020.jpg /dining_room_0033/sync_depth_00020.png 518.8579 +/dining_room_0031/rgb_00183.jpg /dining_room_0031/sync_depth_00183.png 518.8579 +/playroom_0002/rgb_00066.jpg /playroom_0002/sync_depth_00066.png 518.8579 +/study_room_0005a/rgb_00020.jpg /study_room_0005a/sync_depth_00020.png 518.8579 +/living_room_0019/rgb_00025.jpg /living_room_0019/sync_depth_00025.png 518.8579 +/dining_room_0023/rgb_00126.jpg /dining_room_0023/sync_depth_00126.png 518.8579 +/playroom_0002/rgb_00077.jpg /playroom_0002/sync_depth_00077.png 518.8579 +/bookstore_0001g/rgb_00162.jpg /bookstore_0001g/sync_depth_00162.png 518.8579 +/basement_0001a/rgb_00169.jpg /basement_0001a/sync_depth_00169.png 518.8579 +/nyu_office_0/rgb_00309.jpg /nyu_office_0/sync_depth_00309.png 518.8579 +/living_room_0012/rgb_00005.jpg /living_room_0012/sync_depth_00005.png 518.8579 +/bookstore_0001f/rgb_00274.jpg /bookstore_0001f/sync_depth_00274.png 518.8579 +/kitchen_0033/rgb_00178.jpg /kitchen_0033/sync_depth_00178.png 518.8579 +/bedroom_0106/rgb_00097.jpg /bedroom_0106/sync_depth_00097.png 518.8579 +/kitchen_0053/rgb_00012.jpg /kitchen_0053/sync_depth_00012.png 518.8579 +/dining_room_0001b/rgb_00124.jpg /dining_room_0001b/sync_depth_00124.png 518.8579 +/living_room_0047b/rgb_00075.jpg /living_room_0047b/sync_depth_00075.png 518.8579 +/cafe_0001b/rgb_00052.jpg /cafe_0001b/sync_depth_00052.png 518.8579 +/bedroom_0059/rgb_00046.jpg /bedroom_0059/sync_depth_00046.png 518.8579 +/living_room_0042a/rgb_00000.jpg /living_room_0042a/sync_depth_00000.png 518.8579 +/living_room_0020/rgb_00019.jpg /living_room_0020/sync_depth_00019.png 518.8579 +/reception_room_0002/rgb_00047.jpg /reception_room_0002/sync_depth_00047.png 518.8579 +/reception_room_0001a/rgb_00057.jpg /reception_room_0001a/sync_depth_00057.png 518.8579 +/kitchen_0019a/rgb_00005.jpg /kitchen_0019a/sync_depth_00005.png 518.8579 +/kitchen_0045a/rgb_00118.jpg /kitchen_0045a/sync_depth_00118.png 518.8579 +/living_room_0035/rgb_00062.jpg /living_room_0035/sync_depth_00062.png 518.8579 +/kitchen_0045b/rgb_00050.jpg /kitchen_0045b/sync_depth_00050.png 518.8579 +/living_room_0063/rgb_00046.jpg /living_room_0063/sync_depth_00046.png 518.8579 +/bathroom_0035/rgb_00010.jpg /bathroom_0035/sync_depth_00010.png 518.8579 +/living_room_0020/rgb_00225.jpg /living_room_0020/sync_depth_00225.png 518.8579 +/living_room_0058/rgb_00248.jpg /living_room_0058/sync_depth_00248.png 518.8579 +/playroom_0006/rgb_00010.jpg /playroom_0006/sync_depth_00010.png 518.8579 +/kitchen_0048/rgb_00035.jpg /kitchen_0048/sync_depth_00035.png 518.8579 +/kitchen_0060/rgb_00058.jpg /kitchen_0060/sync_depth_00058.png 518.8579 +/living_room_0063/rgb_00163.jpg /living_room_0063/sync_depth_00163.png 518.8579 +/living_room_0042b/rgb_00076.jpg /living_room_0042b/sync_depth_00076.png 518.8579 +/study_room_0004/rgb_00037.jpg /study_room_0004/sync_depth_00037.png 518.8579 +/playroom_0006/rgb_00136.jpg /playroom_0006/sync_depth_00136.png 518.8579 +/living_room_0047a/rgb_00014.jpg /living_room_0047a/sync_depth_00014.png 518.8579 +/classroom_0006/rgb_00118.jpg /classroom_0006/sync_depth_00118.png 518.8579 +/bedroom_0051/rgb_00074.jpg /bedroom_0051/sync_depth_00074.png 518.8579 +/study_0006/rgb_00036.jpg /study_0006/sync_depth_00036.png 518.8579 +/kitchen_0037/rgb_00031.jpg /kitchen_0037/sync_depth_00031.png 518.8579 +/bedroom_0017/rgb_00015.jpg /bedroom_0017/sync_depth_00015.png 518.8579 +/bedroom_0025/rgb_00016.jpg /bedroom_0025/sync_depth_00016.png 518.8579 +/furniture_store_0001e/rgb_00083.jpg /furniture_store_0001e/sync_depth_00083.png 518.8579 +/kitchen_0037/rgb_00066.jpg /kitchen_0037/sync_depth_00066.png 518.8579 +/office_0012/rgb_00058.jpg /office_0012/sync_depth_00058.png 518.8579 +/dining_room_0001b/rgb_00225.jpg /dining_room_0001b/sync_depth_00225.png 518.8579 +/office_0011/rgb_00028.jpg /office_0011/sync_depth_00028.png 518.8579 +/living_room_0055/rgb_00052.jpg /living_room_0055/sync_depth_00052.png 518.8579 +/bedroom_0078/rgb_00015.jpg /bedroom_0078/sync_depth_00015.png 518.8579 +/bookstore_0001e/rgb_00120.jpg /bookstore_0001e/sync_depth_00120.png 518.8579 +/furniture_store_0002c/rgb_00056.jpg /furniture_store_0002c/sync_depth_00056.png 518.8579 +/reception_room_0001b/rgb_00064.jpg /reception_room_0001b/sync_depth_00064.png 518.8579 +/basement_0001a/rgb_00019.jpg /basement_0001a/sync_depth_00019.png 518.8579 +/bedroom_0071/rgb_00033.jpg /bedroom_0071/sync_depth_00033.png 518.8579 +/dining_room_0015/rgb_00252.jpg /dining_room_0015/sync_depth_00252.png 518.8579 +/furniture_store_0002a/rgb_00340.jpg /furniture_store_0002a/sync_depth_00340.png 518.8579 +/living_room_0086a/rgb_00041.jpg /living_room_0086a/sync_depth_00041.png 518.8579 +/kitchen_0019a/rgb_00204.jpg /kitchen_0019a/sync_depth_00204.png 518.8579 +/dining_room_0015/rgb_00148.jpg /dining_room_0015/sync_depth_00148.png 518.8579 +/bedroom_0026/rgb_00104.jpg /bedroom_0026/sync_depth_00104.png 518.8579 +/bathroom_0035/rgb_00028.jpg /bathroom_0035/sync_depth_00028.png 518.8579 +/playroom_0006/rgb_00082.jpg /playroom_0006/sync_depth_00082.png 518.8579 +/living_room_0047b/rgb_00081.jpg /living_room_0047b/sync_depth_00081.png 518.8579 +/bedroom_0120/rgb_00068.jpg /bedroom_0120/sync_depth_00068.png 518.8579 +/living_room_0069a/rgb_00026.jpg /living_room_0069a/sync_depth_00026.png 518.8579 +/bedroom_0040/rgb_00089.jpg /bedroom_0040/sync_depth_00089.png 518.8579 +/bathroom_0028/rgb_00111.jpg /bathroom_0028/sync_depth_00111.png 518.8579 +/kitchen_0037/rgb_00003.jpg /kitchen_0037/sync_depth_00003.png 518.8579 +/kitchen_0050/rgb_00209.jpg /kitchen_0050/sync_depth_00209.png 518.8579 +/nyu_office_0/rgb_00095.jpg /nyu_office_0/sync_depth_00095.png 518.8579 +/bathroom_0002/rgb_00041.jpg /bathroom_0002/sync_depth_00041.png 518.8579 +/home_office_0006/rgb_00020.jpg /home_office_0006/sync_depth_00020.png 518.8579 +/furniture_store_0001d/rgb_00070.jpg /furniture_store_0001d/sync_depth_00070.png 518.8579 +/dining_room_0033/rgb_00036.jpg /dining_room_0033/sync_depth_00036.png 518.8579 +/laundry_room_0001/rgb_00035.jpg /laundry_room_0001/sync_depth_00035.png 518.8579 +/computer_lab_0002/rgb_00018.jpg /computer_lab_0002/sync_depth_00018.png 518.8579 +/kitchen_0059/rgb_00008.jpg /kitchen_0059/sync_depth_00008.png 518.8579 +/office_0009/rgb_00010.jpg /office_0009/sync_depth_00010.png 518.8579 +/bookstore_0001i/rgb_00047.jpg /bookstore_0001i/sync_depth_00047.png 518.8579 +/excercise_room_0001/rgb_00039.jpg /excercise_room_0001/sync_depth_00039.png 518.8579 +/living_room_0071/rgb_00034.jpg /living_room_0071/sync_depth_00034.png 518.8579 +/living_room_0086a/rgb_00051.jpg /living_room_0086a/sync_depth_00051.png 518.8579 +/living_room_0038/rgb_00063.jpg /living_room_0038/sync_depth_00063.png 518.8579 +/living_room_0004/rgb_00105.jpg /living_room_0004/sync_depth_00105.png 518.8579 +/bedroom_0033/rgb_00056.jpg /bedroom_0033/sync_depth_00056.png 518.8579 +/cafe_0001b/rgb_00041.jpg /cafe_0001b/sync_depth_00041.png 518.8579 +/bedroom_0072/rgb_00016.jpg /bedroom_0072/sync_depth_00016.png 518.8579 +/kitchen_0028a/rgb_00174.jpg /kitchen_0028a/sync_depth_00174.png 518.8579 +/bookstore_0001g/rgb_00137.jpg /bookstore_0001g/sync_depth_00137.png 518.8579 +/study_room_0004/rgb_00151.jpg /study_room_0004/sync_depth_00151.png 518.8579 +/living_room_0058/rgb_00216.jpg /living_room_0058/sync_depth_00216.png 518.8579 +/bookstore_0001g/rgb_00177.jpg /bookstore_0001g/sync_depth_00177.png 518.8579 +/living_room_0019/rgb_00088.jpg /living_room_0019/sync_depth_00088.png 518.8579 +/dining_room_0008/rgb_00016.jpg /dining_room_0008/sync_depth_00016.png 518.8579 +/bedroom_0053/rgb_00011.jpg /bedroom_0053/sync_depth_00011.png 518.8579 +/bedroom_0020/rgb_00083.jpg /bedroom_0020/sync_depth_00083.png 518.8579 +/bedroom_0059/rgb_00080.jpg /bedroom_0059/sync_depth_00080.png 518.8579 +/dining_room_0008/rgb_00149.jpg /dining_room_0008/sync_depth_00149.png 518.8579 +/bedroom_0041/rgb_00037.jpg /bedroom_0041/sync_depth_00037.png 518.8579 +/bedroom_0039/rgb_00011.jpg /bedroom_0039/sync_depth_00011.png 518.8579 +/living_room_0078/rgb_00022.jpg /living_room_0078/sync_depth_00022.png 518.8579 +/bookstore_0001j/rgb_00211.jpg /bookstore_0001j/sync_depth_00211.png 518.8579 +/kitchen_0049/rgb_00163.jpg /kitchen_0049/sync_depth_00163.png 518.8579 +/bedroom_0056a/rgb_00053.jpg /bedroom_0056a/sync_depth_00053.png 518.8579 +/bedroom_0017/rgb_00147.jpg /bedroom_0017/sync_depth_00147.png 518.8579 +/bookstore_0001d/rgb_00008.jpg /bookstore_0001d/sync_depth_00008.png 518.8579 +/dining_room_0028/rgb_00056.jpg /dining_room_0028/sync_depth_00056.png 518.8579 +/dining_room_0034/rgb_00226.jpg /dining_room_0034/sync_depth_00226.png 518.8579 +/bathroom_0054/rgb_00000.jpg /bathroom_0054/sync_depth_00000.png 518.8579 +/kitchen_0016/rgb_00018.jpg /kitchen_0016/sync_depth_00018.png 518.8579 +/bookstore_0001f/rgb_00304.jpg /bookstore_0001f/sync_depth_00304.png 518.8579 +/playroom_0004/rgb_00041.jpg /playroom_0004/sync_depth_00041.png 518.8579 +/bedroom_0025/rgb_00022.jpg /bedroom_0025/sync_depth_00022.png 518.8579 +/dining_room_0012/rgb_00155.jpg /dining_room_0012/sync_depth_00155.png 518.8579 +/bedroom_0063/rgb_00061.jpg /bedroom_0063/sync_depth_00061.png 518.8579 +/home_office_0006/rgb_00006.jpg /home_office_0006/sync_depth_00006.png 518.8579 +/classroom_0005/rgb_00013.jpg /classroom_0005/sync_depth_00013.png 518.8579 +/bedroom_0106/rgb_00005.jpg /bedroom_0106/sync_depth_00005.png 518.8579 +/dining_room_0024/rgb_00179.jpg /dining_room_0024/sync_depth_00179.png 518.8579 +/student_lounge_0001/rgb_00239.jpg /student_lounge_0001/sync_depth_00239.png 518.8579 +/bathroom_0048/rgb_00025.jpg /bathroom_0048/sync_depth_00025.png 518.8579 +/conference_room_0001/rgb_00047.jpg /conference_room_0001/sync_depth_00047.png 518.8579 +/kitchen_0011a/rgb_00060.jpg /kitchen_0011a/sync_depth_00060.png 518.8579 +/basement_0001a/rgb_00022.jpg /basement_0001a/sync_depth_00022.png 518.8579 +/bedroom_0138/rgb_00057.jpg /bedroom_0138/sync_depth_00057.png 518.8579 +/dining_room_0031/rgb_00388.jpg /dining_room_0031/sync_depth_00388.png 518.8579 +/kitchen_0019b/rgb_00031.jpg /kitchen_0019b/sync_depth_00031.png 518.8579 +/bedroom_0130/rgb_00053.jpg /bedroom_0130/sync_depth_00053.png 518.8579 +/living_room_0047b/rgb_00189.jpg /living_room_0047b/sync_depth_00189.png 518.8579 +/bookstore_0001h/rgb_00070.jpg /bookstore_0001h/sync_depth_00070.png 518.8579 +/living_room_0018/rgb_00037.jpg /living_room_0018/sync_depth_00037.png 518.8579 +/living_room_0011/rgb_00054.jpg /living_room_0011/sync_depth_00054.png 518.8579 +/classroom_0011/rgb_00040.jpg /classroom_0011/sync_depth_00040.png 518.8579 +/bedroom_0072/rgb_00008.jpg /bedroom_0072/sync_depth_00008.png 518.8579 +/kitchen_0052/rgb_00118.jpg /kitchen_0052/sync_depth_00118.png 518.8579 +/kitchen_0049/rgb_00092.jpg /kitchen_0049/sync_depth_00092.png 518.8579 +/home_office_0005/rgb_00033.jpg /home_office_0005/sync_depth_00033.png 518.8579 +/classroom_0022/rgb_00022.jpg /classroom_0022/sync_depth_00022.png 518.8579 +/living_room_0070/rgb_00102.jpg /living_room_0070/sync_depth_00102.png 518.8579 +/bedroom_0019/rgb_00169.jpg /bedroom_0019/sync_depth_00169.png 518.8579 +/dining_room_0012/rgb_00101.jpg /dining_room_0012/sync_depth_00101.png 518.8579 +/furniture_store_0002a/rgb_00076.jpg /furniture_store_0002a/sync_depth_00076.png 518.8579 +/bedroom_0113/rgb_00003.jpg /bedroom_0113/sync_depth_00003.png 518.8579 +/kitchen_0006/rgb_00073.jpg /kitchen_0006/sync_depth_00073.png 518.8579 +/kitchen_0051/rgb_00238.jpg /kitchen_0051/sync_depth_00238.png 518.8579 +/bookstore_0001d/rgb_00363.jpg /bookstore_0001d/sync_depth_00363.png 518.8579 +/bedroom_0104/rgb_00097.jpg /bedroom_0104/sync_depth_00097.png 518.8579 +/dining_room_0013/rgb_00083.jpg /dining_room_0013/sync_depth_00083.png 518.8579 +/living_room_0050/rgb_00198.jpg /living_room_0050/sync_depth_00198.png 518.8579 +/kitchen_0011a/rgb_00039.jpg /kitchen_0011a/sync_depth_00039.png 518.8579 +/living_room_0047a/rgb_00027.jpg /living_room_0047a/sync_depth_00027.png 518.8579 +/living_room_0035/rgb_00061.jpg /living_room_0035/sync_depth_00061.png 518.8579 +/kitchen_0053/rgb_00029.jpg /kitchen_0053/sync_depth_00029.png 518.8579 +/kitchen_0048/rgb_00185.jpg /kitchen_0048/sync_depth_00185.png 518.8579 +/kitchen_0043/rgb_00084.jpg /kitchen_0043/sync_depth_00084.png 518.8579 +/living_room_0035/rgb_00014.jpg /living_room_0035/sync_depth_00014.png 518.8579 +/living_room_0004/rgb_00120.jpg /living_room_0004/sync_depth_00120.png 518.8579 +/living_room_0018/rgb_00119.jpg /living_room_0018/sync_depth_00119.png 518.8579 +/living_room_0046a/rgb_00069.jpg /living_room_0046a/sync_depth_00069.png 518.8579 +/bedroom_0020/rgb_00011.jpg /bedroom_0020/sync_depth_00011.png 518.8579 +/basement_0001a/rgb_00199.jpg /basement_0001a/sync_depth_00199.png 518.8579 +/bookstore_0001f/rgb_00359.jpg /bookstore_0001f/sync_depth_00359.png 518.8579 +/bedroom_0076a/rgb_00213.jpg /bedroom_0076a/sync_depth_00213.png 518.8579 +/bedroom_0004/rgb_00142.jpg /bedroom_0004/sync_depth_00142.png 518.8579 +/kitchen_0019a/rgb_00063.jpg /kitchen_0019a/sync_depth_00063.png 518.8579 +/bookstore_0001h/rgb_00049.jpg /bookstore_0001h/sync_depth_00049.png 518.8579 +/bookstore_0001d/rgb_00338.jpg /bookstore_0001d/sync_depth_00338.png 518.8579 +/office_0004/rgb_00017.jpg /office_0004/sync_depth_00017.png 518.8579 +/study_room_0004/rgb_00210.jpg /study_room_0004/sync_depth_00210.png 518.8579 +/kitchen_0043/rgb_00186.jpg /kitchen_0043/sync_depth_00186.png 518.8579 +/bedroom_0053/rgb_00005.jpg /bedroom_0053/sync_depth_00005.png 518.8579 +/student_lounge_0001/rgb_00092.jpg /student_lounge_0001/sync_depth_00092.png 518.8579 +/living_room_0078/rgb_00041.jpg /living_room_0078/sync_depth_00041.png 518.8579 +/furniture_store_0002a/rgb_00286.jpg /furniture_store_0002a/sync_depth_00286.png 518.8579 +/study_0006/rgb_00010.jpg /study_0006/sync_depth_00010.png 518.8579 +/living_room_0004/rgb_00092.jpg /living_room_0004/sync_depth_00092.png 518.8579 +/living_room_0085/rgb_00039.jpg /living_room_0085/sync_depth_00039.png 518.8579 +/kitchen_0048/rgb_00063.jpg /kitchen_0048/sync_depth_00063.png 518.8579 +/bathroom_0006/rgb_00036.jpg /bathroom_0006/sync_depth_00036.png 518.8579 +/bedroom_0118/rgb_00012.jpg /bedroom_0118/sync_depth_00012.png 518.8579 +/living_room_0022/rgb_00441.jpg /living_room_0022/sync_depth_00441.png 518.8579 +/conference_room_0002/rgb_00000.jpg /conference_room_0002/sync_depth_00000.png 518.8579 +/dining_room_0034/rgb_00077.jpg /dining_room_0034/sync_depth_00077.png 518.8579 +/playroom_0002/rgb_00134.jpg /playroom_0002/sync_depth_00134.png 518.8579 +/bathroom_0033/rgb_00044.jpg /bathroom_0033/sync_depth_00044.png 518.8579 +/study_0005/rgb_00000.jpg /study_0005/sync_depth_00000.png 518.8579 +/office_kitchen_0003/rgb_00073.jpg /office_kitchen_0003/sync_depth_00073.png 518.8579 +/bedroom_0062/rgb_00148.jpg /bedroom_0062/sync_depth_00148.png 518.8579 +/bookstore_0001g/rgb_00120.jpg /bookstore_0001g/sync_depth_00120.png 518.8579 +/classroom_0011/rgb_00034.jpg /classroom_0011/sync_depth_00034.png 518.8579 +/bedroom_0016/rgb_00106.jpg /bedroom_0016/sync_depth_00106.png 518.8579 +/kitchen_0019a/rgb_00268.jpg /kitchen_0019a/sync_depth_00268.png 518.8579 +/kitchen_0051/rgb_00335.jpg /kitchen_0051/sync_depth_00335.png 518.8579 +/kitchen_0029c/rgb_00121.jpg /kitchen_0029c/sync_depth_00121.png 518.8579 +/bedroom_0126/rgb_00015.jpg /bedroom_0126/sync_depth_00015.png 518.8579 +/kitchen_0029a/rgb_00027.jpg /kitchen_0029a/sync_depth_00027.png 518.8579 +/living_room_0004/rgb_00045.jpg /living_room_0004/sync_depth_00045.png 518.8579 +/living_room_0086b/rgb_00039.jpg /living_room_0086b/sync_depth_00039.png 518.8579 +/living_room_0035/rgb_00026.jpg /living_room_0035/sync_depth_00026.png 518.8579 +/kitchen_0049/rgb_00138.jpg /kitchen_0049/sync_depth_00138.png 518.8579 +/dining_room_0013/rgb_00168.jpg /dining_room_0013/sync_depth_00168.png 518.8579 +/home_office_0004/rgb_00087.jpg /home_office_0004/sync_depth_00087.png 518.8579 +/living_room_0037/rgb_00020.jpg /living_room_0037/sync_depth_00020.png 518.8579 +/furniture_store_0002b/rgb_00114.jpg /furniture_store_0002b/sync_depth_00114.png 518.8579 +/kitchen_0048/rgb_00109.jpg /kitchen_0048/sync_depth_00109.png 518.8579 +/bedroom_0019/rgb_00029.jpg /bedroom_0019/sync_depth_00029.png 518.8579 +/bedroom_0053/rgb_00099.jpg /bedroom_0053/sync_depth_00099.png 518.8579 +/living_room_0018/rgb_00180.jpg /living_room_0018/sync_depth_00180.png 518.8579 +/bedroom_0086/rgb_00015.jpg /bedroom_0086/sync_depth_00015.png 518.8579 +/study_0003/rgb_00064.jpg /study_0003/sync_depth_00064.png 518.8579 +/living_room_0029/rgb_00030.jpg /living_room_0029/sync_depth_00030.png 518.8579 +/playroom_0003/rgb_00212.jpg /playroom_0003/sync_depth_00212.png 518.8579 +/furniture_store_0001d/rgb_00288.jpg /furniture_store_0001d/sync_depth_00288.png 518.8579 +/bedroom_0129/rgb_00090.jpg /bedroom_0129/sync_depth_00090.png 518.8579 +/bedroom_0056a/rgb_00088.jpg /bedroom_0056a/sync_depth_00088.png 518.8579 +/living_room_0047a/rgb_00031.jpg /living_room_0047a/sync_depth_00031.png 518.8579 +/bedroom_0104/rgb_00112.jpg /bedroom_0104/sync_depth_00112.png 518.8579 +/office_0009/rgb_00043.jpg /office_0009/sync_depth_00043.png 518.8579 +/dining_room_0001b/rgb_00156.jpg /dining_room_0001b/sync_depth_00156.png 518.8579 +/living_room_0055/rgb_00087.jpg /living_room_0055/sync_depth_00087.png 518.8579 +/bathroom_0007/rgb_00073.jpg /bathroom_0007/sync_depth_00073.png 518.8579 +/living_room_0042a/rgb_00021.jpg /living_room_0042a/sync_depth_00021.png 518.8579 +/study_0004/rgb_00049.jpg /study_0004/sync_depth_00049.png 518.8579 +/bedroom_0039/rgb_00001.jpg /bedroom_0039/sync_depth_00001.png 518.8579 +/living_room_0022/rgb_00393.jpg /living_room_0022/sync_depth_00393.png 518.8579 +/bedroom_0124/rgb_00012.jpg /bedroom_0124/sync_depth_00012.png 518.8579 +/kitchen_0019a/rgb_00060.jpg /kitchen_0019a/sync_depth_00060.png 518.8579 +/home_storage_0001/rgb_00084.jpg /home_storage_0001/sync_depth_00084.png 518.8579 +/living_room_0067/rgb_00007.jpg /living_room_0067/sync_depth_00007.png 518.8579 +/office_0011/rgb_00102.jpg /office_0011/sync_depth_00102.png 518.8579 +/living_room_0004/rgb_00168.jpg /living_room_0004/sync_depth_00168.png 518.8579 +/bedroom_0038/rgb_00007.jpg /bedroom_0038/sync_depth_00007.png 518.8579 +/kitchen_0043/rgb_00170.jpg /kitchen_0043/sync_depth_00170.png 518.8579 +/bedroom_0071/rgb_00178.jpg /bedroom_0071/sync_depth_00178.png 518.8579 +/reception_room_0002/rgb_00062.jpg /reception_room_0002/sync_depth_00062.png 518.8579 +/study_0008/rgb_00015.jpg /study_0008/sync_depth_00015.png 518.8579 +/playroom_0003/rgb_00140.jpg /playroom_0003/sync_depth_00140.png 518.8579 +/kitchen_0006/rgb_00068.jpg /kitchen_0006/sync_depth_00068.png 518.8579 +/living_room_0086b/rgb_00047.jpg /living_room_0086b/sync_depth_00047.png 518.8579 +/dining_room_0031/rgb_00009.jpg /dining_room_0031/sync_depth_00009.png 518.8579 +/bedroom_0106/rgb_00065.jpg /bedroom_0106/sync_depth_00065.png 518.8579 +/kitchen_0019a/rgb_00173.jpg /kitchen_0019a/sync_depth_00173.png 518.8579 +/bedroom_0020/rgb_00073.jpg /bedroom_0020/sync_depth_00073.png 518.8579 +/dining_room_0029/rgb_00069.jpg /dining_room_0029/sync_depth_00069.png 518.8579 +/study_0004/rgb_00077.jpg /study_0004/sync_depth_00077.png 518.8579 +/bedroom_0060/rgb_00018.jpg /bedroom_0060/sync_depth_00018.png 518.8579 +/foyer_0002/rgb_00029.jpg /foyer_0002/sync_depth_00029.png 518.8579 +/reception_room_0001a/rgb_00052.jpg /reception_room_0001a/sync_depth_00052.png 518.8579 +/living_room_0063/rgb_00094.jpg /living_room_0063/sync_depth_00094.png 518.8579 +/kitchen_0041/rgb_00037.jpg /kitchen_0041/sync_depth_00037.png 518.8579 +/dining_room_0019/rgb_00068.jpg /dining_room_0019/sync_depth_00068.png 518.8579 +/study_0008/rgb_00035.jpg /study_0008/sync_depth_00035.png 518.8579 +/living_room_0067/rgb_00068.jpg /living_room_0067/sync_depth_00068.png 518.8579 +/home_office_0007/rgb_00056.jpg /home_office_0007/sync_depth_00056.png 518.8579 +/playroom_0003/rgb_00056.jpg /playroom_0003/sync_depth_00056.png 518.8579 +/bedroom_0016/rgb_00065.jpg /bedroom_0016/sync_depth_00065.png 518.8579 +/furniture_store_0002a/rgb_00089.jpg /furniture_store_0002a/sync_depth_00089.png 518.8579 +/bookstore_0001i/rgb_00085.jpg /bookstore_0001i/sync_depth_00085.png 518.8579 +/cafe_0001a/rgb_00012.jpg /cafe_0001a/sync_depth_00012.png 518.8579 +/furniture_store_0001e/rgb_00095.jpg /furniture_store_0001e/sync_depth_00095.png 518.8579 +/living_room_0035/rgb_00077.jpg /living_room_0035/sync_depth_00077.png 518.8579 +/student_lounge_0001/rgb_00128.jpg /student_lounge_0001/sync_depth_00128.png 518.8579 +/living_room_0022/rgb_00109.jpg /living_room_0022/sync_depth_00109.png 518.8579 +/living_room_0022/rgb_00423.jpg /living_room_0022/sync_depth_00423.png 518.8579 +/laundry_room_0001/rgb_00006.jpg /laundry_room_0001/sync_depth_00006.png 518.8579 +/kitchen_0049/rgb_00189.jpg /kitchen_0049/sync_depth_00189.png 518.8579 +/study_room_0005a/rgb_00056.jpg /study_room_0005a/sync_depth_00056.png 518.8579 +/kitchen_0049/rgb_00066.jpg /kitchen_0049/sync_depth_00066.png 518.8579 +/living_room_0062/rgb_00052.jpg /living_room_0062/sync_depth_00052.png 518.8579 +/bedroom_0029/rgb_00009.jpg /bedroom_0029/sync_depth_00009.png 518.8579 +/reception_room_0004/rgb_00040.jpg /reception_room_0004/sync_depth_00040.png 518.8579 +/dining_room_0033/rgb_00184.jpg /dining_room_0033/sync_depth_00184.png 518.8579 +/bookstore_0001g/rgb_00267.jpg /bookstore_0001g/sync_depth_00267.png 518.8579 +/bookstore_0001d/rgb_00085.jpg /bookstore_0001d/sync_depth_00085.png 518.8579 +/kitchen_0051/rgb_00268.jpg /kitchen_0051/sync_depth_00268.png 518.8579 +/living_room_0055/rgb_00082.jpg /living_room_0055/sync_depth_00082.png 518.8579 +/bedroom_0071/rgb_00020.jpg /bedroom_0071/sync_depth_00020.png 518.8579 +/home_office_0006/rgb_00138.jpg /home_office_0006/sync_depth_00138.png 518.8579 +/kitchen_0060/rgb_00059.jpg /kitchen_0060/sync_depth_00059.png 518.8579 +/nyu_office_1/rgb_00011.jpg /nyu_office_1/sync_depth_00011.png 518.8579 +/study_0008/rgb_00038.jpg /study_0008/sync_depth_00038.png 518.8579 +/basement_0001a/rgb_00109.jpg /basement_0001a/sync_depth_00109.png 518.8579 +/bedroom_0132/rgb_00016.jpg /bedroom_0132/sync_depth_00016.png 518.8579 +/study_0003/rgb_00083.jpg /study_0003/sync_depth_00083.png 518.8579 +/reception_room_0001a/rgb_00119.jpg /reception_room_0001a/sync_depth_00119.png 518.8579 +/dining_room_0016/rgb_00023.jpg /dining_room_0016/sync_depth_00023.png 518.8579 +/classroom_0010/rgb_00053.jpg /classroom_0010/sync_depth_00053.png 518.8579 +/cafe_0001a/rgb_00085.jpg /cafe_0001a/sync_depth_00085.png 518.8579 +/kitchen_0019a/rgb_00266.jpg /kitchen_0019a/sync_depth_00266.png 518.8579 +/kitchen_0052/rgb_00143.jpg /kitchen_0052/sync_depth_00143.png 518.8579 +/office_0006/rgb_00087.jpg /office_0006/sync_depth_00087.png 518.8579 +/kitchen_0059/rgb_00077.jpg /kitchen_0059/sync_depth_00077.png 518.8579 +/kitchen_0035b/rgb_00195.jpg /kitchen_0035b/sync_depth_00195.png 518.8579 +/cafe_0001c/rgb_00015.jpg /cafe_0001c/sync_depth_00015.png 518.8579 +/kitchen_0019a/rgb_00121.jpg /kitchen_0019a/sync_depth_00121.png 518.8579 +/bookstore_0001g/rgb_00066.jpg /bookstore_0001g/sync_depth_00066.png 518.8579 +/living_room_0020/rgb_00078.jpg /living_room_0020/sync_depth_00078.png 518.8579 +/bedroom_0017/rgb_00008.jpg /bedroom_0017/sync_depth_00008.png 518.8579 +/office_0018/rgb_00011.jpg /office_0018/sync_depth_00011.png 518.8579 +/conference_room_0001/rgb_00043.jpg /conference_room_0001/sync_depth_00043.png 518.8579 +/bedroom_0031/rgb_00038.jpg /bedroom_0031/sync_depth_00038.png 518.8579 +/living_room_0062/rgb_00203.jpg /living_room_0062/sync_depth_00203.png 518.8579 +/bedroom_0052/rgb_00055.jpg /bedroom_0052/sync_depth_00055.png 518.8579 +/living_room_0062/rgb_00048.jpg /living_room_0062/sync_depth_00048.png 518.8579 +/living_room_0022/rgb_00297.jpg /living_room_0022/sync_depth_00297.png 518.8579 +/dining_room_0024/rgb_00072.jpg /dining_room_0024/sync_depth_00072.png 518.8579 +/office_0026/rgb_00032.jpg /office_0026/sync_depth_00032.png 518.8579 +/home_office_0008/rgb_00091.jpg /home_office_0008/sync_depth_00091.png 518.8579 +/bookstore_0001h/rgb_00011.jpg /bookstore_0001h/sync_depth_00011.png 518.8579 +/dining_room_0014/rgb_00078.jpg /dining_room_0014/sync_depth_00078.png 518.8579 +/bathroom_0051/rgb_00047.jpg /bathroom_0051/sync_depth_00047.png 518.8579 +/bedroom_0045/rgb_00021.jpg /bedroom_0045/sync_depth_00021.png 518.8579 +/furniture_store_0002d/rgb_00052.jpg /furniture_store_0002d/sync_depth_00052.png 518.8579 +/kitchen_0035b/rgb_00324.jpg /kitchen_0035b/sync_depth_00324.png 518.8579 +/bedroom_0078/rgb_00006.jpg /bedroom_0078/sync_depth_00006.png 518.8579 +/living_room_0035/rgb_00043.jpg /living_room_0035/sync_depth_00043.png 518.8579 +/bookstore_0001d/rgb_00052.jpg /bookstore_0001d/sync_depth_00052.png 518.8579 +/furniture_store_0002b/rgb_00215.jpg /furniture_store_0002b/sync_depth_00215.png 518.8579 +/home_office_0004/rgb_00049.jpg /home_office_0004/sync_depth_00049.png 518.8579 +/kitchen_0019a/rgb_00074.jpg /kitchen_0019a/sync_depth_00074.png 518.8579 +/dining_room_0001b/rgb_00220.jpg /dining_room_0001b/sync_depth_00220.png 518.8579 +/bedroom_0034/rgb_00001.jpg /bedroom_0034/sync_depth_00001.png 518.8579 +/kitchen_0052/rgb_00162.jpg /kitchen_0052/sync_depth_00162.png 518.8579 +/home_office_0004/rgb_00016.jpg /home_office_0004/sync_depth_00016.png 518.8579 +/dining_room_0001b/rgb_00003.jpg /dining_room_0001b/sync_depth_00003.png 518.8579 +/living_room_0068/rgb_00019.jpg /living_room_0068/sync_depth_00019.png 518.8579 +/bedroom_0016/rgb_00126.jpg /bedroom_0016/sync_depth_00126.png 518.8579 +/bedroom_0047/rgb_00018.jpg /bedroom_0047/sync_depth_00018.png 518.8579 +/living_room_0083/rgb_00028.jpg /living_room_0083/sync_depth_00028.png 518.8579 +/home_office_0008/rgb_00086.jpg /home_office_0008/sync_depth_00086.png 518.8579 +/dining_room_0007/rgb_00171.jpg /dining_room_0007/sync_depth_00171.png 518.8579 +/kitchen_0028b/rgb_00017.jpg /kitchen_0028b/sync_depth_00017.png 518.8579 +/living_room_0019/rgb_00098.jpg /living_room_0019/sync_depth_00098.png 518.8579 +/kitchen_0060/rgb_00138.jpg /kitchen_0060/sync_depth_00138.png 518.8579 +/bathroom_0002/rgb_00006.jpg /bathroom_0002/sync_depth_00006.png 518.8579 +/bookstore_0001e/rgb_00212.jpg /bookstore_0001e/sync_depth_00212.png 518.8579 +/furniture_store_0002a/rgb_00177.jpg /furniture_store_0002a/sync_depth_00177.png 518.8579 +/bedroom_0062/rgb_00015.jpg /bedroom_0062/sync_depth_00015.png 518.8579 +/kitchen_0031/rgb_00038.jpg /kitchen_0031/sync_depth_00038.png 518.8579 +/living_room_0086a/rgb_00011.jpg /living_room_0086a/sync_depth_00011.png 518.8579 +/reception_room_0002/rgb_00075.jpg /reception_room_0002/sync_depth_00075.png 518.8579 +/indoor_balcony_0001/rgb_00012.jpg /indoor_balcony_0001/sync_depth_00012.png 518.8579 +/living_room_0055/rgb_00119.jpg /living_room_0055/sync_depth_00119.png 518.8579 +/bedroom_0065/rgb_00043.jpg /bedroom_0065/sync_depth_00043.png 518.8579 +/bedroom_0040/rgb_00024.jpg /bedroom_0040/sync_depth_00024.png 518.8579 +/living_room_0050/rgb_00001.jpg /living_room_0050/sync_depth_00001.png 518.8579 +/dining_room_0037/rgb_00029.jpg /dining_room_0037/sync_depth_00029.png 518.8579 +/bedroom_0063/rgb_00111.jpg /bedroom_0063/sync_depth_00111.png 518.8579 +/office_0026/rgb_00000.jpg /office_0026/sync_depth_00000.png 518.8579 +/dining_room_0001b/rgb_00202.jpg /dining_room_0001b/sync_depth_00202.png 518.8579 +/bedroom_0034/rgb_00008.jpg /bedroom_0034/sync_depth_00008.png 518.8579 +/bedroom_0051/rgb_00096.jpg /bedroom_0051/sync_depth_00096.png 518.8579 +/furniture_store_0002d/rgb_00030.jpg /furniture_store_0002d/sync_depth_00030.png 518.8579 +/kitchen_0017/rgb_00018.jpg /kitchen_0017/sync_depth_00018.png 518.8579 +/furniture_store_0001e/rgb_00023.jpg /furniture_store_0001e/sync_depth_00023.png 518.8579 +/bedroom_0025/rgb_00107.jpg /bedroom_0025/sync_depth_00107.png 518.8579 +/bedroom_0041/rgb_00061.jpg /bedroom_0041/sync_depth_00061.png 518.8579 +/kitchen_0035b/rgb_00311.jpg /kitchen_0035b/sync_depth_00311.png 518.8579 +/bedroom_0082/rgb_00010.jpg /bedroom_0082/sync_depth_00010.png 518.8579 +/kitchen_0043/rgb_00078.jpg /kitchen_0043/sync_depth_00078.png 518.8579 +/living_room_0010/rgb_00203.jpg /living_room_0010/sync_depth_00203.png 518.8579 +/dining_room_0031/rgb_00167.jpg /dining_room_0031/sync_depth_00167.png 518.8579 +/bathroom_0011/rgb_00034.jpg /bathroom_0011/sync_depth_00034.png 518.8579 +/classroom_0010/rgb_00006.jpg /classroom_0010/sync_depth_00006.png 518.8579 +/cafe_0001c/rgb_00039.jpg /cafe_0001c/sync_depth_00039.png 518.8579 +/bedroom_0097/rgb_00064.jpg /bedroom_0097/sync_depth_00064.png 518.8579 +/living_room_0078/rgb_00120.jpg /living_room_0078/sync_depth_00120.png 518.8579 +/home_office_0005/rgb_00057.jpg /home_office_0005/sync_depth_00057.png 518.8579 +/dining_room_0024/rgb_00093.jpg /dining_room_0024/sync_depth_00093.png 518.8579 +/living_room_0068/rgb_00037.jpg /living_room_0068/sync_depth_00037.png 518.8579 +/bedroom_0124/rgb_00007.jpg /bedroom_0124/sync_depth_00007.png 518.8579 +/office_0012/rgb_00008.jpg /office_0012/sync_depth_00008.png 518.8579 +/reception_room_0002/rgb_00110.jpg /reception_room_0002/sync_depth_00110.png 518.8579 +/bedroom_0096/rgb_00094.jpg /bedroom_0096/sync_depth_00094.png 518.8579 +/bedroom_0130/rgb_00060.jpg /bedroom_0130/sync_depth_00060.png 518.8579 +/study_room_0005a/rgb_00040.jpg /study_room_0005a/sync_depth_00040.png 518.8579 +/kitchen_0043/rgb_00158.jpg /kitchen_0043/sync_depth_00158.png 518.8579 +/living_room_0058/rgb_00096.jpg /living_room_0058/sync_depth_00096.png 518.8579 +/excercise_room_0001/rgb_00117.jpg /excercise_room_0001/sync_depth_00117.png 518.8579 +/cafe_0001a/rgb_00029.jpg /cafe_0001a/sync_depth_00029.png 518.8579 +/bedroom_0047/rgb_00006.jpg /bedroom_0047/sync_depth_00006.png 518.8579 +/bedroom_0086/rgb_00031.jpg /bedroom_0086/sync_depth_00031.png 518.8579 +/furniture_store_0001d/rgb_00182.jpg /furniture_store_0001d/sync_depth_00182.png 518.8579 +/home_storage_0001/rgb_00062.jpg /home_storage_0001/sync_depth_00062.png 518.8579 +/bathroom_0033/rgb_00020.jpg /bathroom_0033/sync_depth_00020.png 518.8579 +/living_room_0011/rgb_00135.jpg /living_room_0011/sync_depth_00135.png 518.8579 +/bookstore_0001f/rgb_00053.jpg /bookstore_0001f/sync_depth_00053.png 518.8579 +/bedroom_0026/rgb_00047.jpg /bedroom_0026/sync_depth_00047.png 518.8579 +/living_room_0047b/rgb_00000.jpg /living_room_0047b/sync_depth_00000.png 518.8579 +/indoor_balcony_0001/rgb_00014.jpg /indoor_balcony_0001/sync_depth_00014.png 518.8579 +/classroom_0012/rgb_00032.jpg /classroom_0012/sync_depth_00032.png 518.8579 +/dining_room_0014/rgb_00012.jpg /dining_room_0014/sync_depth_00012.png 518.8579 +/furniture_store_0001c/rgb_00011.jpg /furniture_store_0001c/sync_depth_00011.png 518.8579 +/kitchen_0045a/rgb_00093.jpg /kitchen_0045a/sync_depth_00093.png 518.8579 +/nyu_office_1/rgb_00087.jpg /nyu_office_1/sync_depth_00087.png 518.8579 +/bathroom_0039/rgb_00051.jpg /bathroom_0039/sync_depth_00051.png 518.8579 +/bedroom_0120/rgb_00061.jpg /bedroom_0120/sync_depth_00061.png 518.8579 +/bedroom_0072/rgb_00101.jpg /bedroom_0072/sync_depth_00101.png 518.8579 +/kitchen_0028a/rgb_00154.jpg /kitchen_0028a/sync_depth_00154.png 518.8579 +/dining_room_0031/rgb_00039.jpg /dining_room_0031/sync_depth_00039.png 518.8579 +/classroom_0011/rgb_00036.jpg /classroom_0011/sync_depth_00036.png 518.8579 +/furniture_store_0002a/rgb_00182.jpg /furniture_store_0002a/sync_depth_00182.png 518.8579 +/kitchen_0033/rgb_00023.jpg /kitchen_0033/sync_depth_00023.png 518.8579 +/bathroom_0049/rgb_00055.jpg /bathroom_0049/sync_depth_00055.png 518.8579 +/bedroom_0052/rgb_00154.jpg /bedroom_0052/sync_depth_00154.png 518.8579 +/bedroom_0136/rgb_00146.jpg /bedroom_0136/sync_depth_00146.png 518.8579 +/living_room_0047a/rgb_00054.jpg /living_room_0047a/sync_depth_00054.png 518.8579 +/bathroom_0028/rgb_00100.jpg /bathroom_0028/sync_depth_00100.png 518.8579 +/living_room_0067/rgb_00039.jpg /living_room_0067/sync_depth_00039.png 518.8579 +/dining_room_0029/rgb_00072.jpg /dining_room_0029/sync_depth_00072.png 518.8579 +/kitchen_0011a/rgb_00043.jpg /kitchen_0011a/sync_depth_00043.png 518.8579 +/bedroom_0078/rgb_00156.jpg /bedroom_0078/sync_depth_00156.png 518.8579 +/living_room_0086a/rgb_00015.jpg /living_room_0086a/sync_depth_00015.png 518.8579 +/kitchen_0029c/rgb_00076.jpg /kitchen_0029c/sync_depth_00076.png 518.8579 +/bedroom_0004/rgb_00034.jpg /bedroom_0004/sync_depth_00034.png 518.8579 +/bedroom_0136/rgb_00073.jpg /bedroom_0136/sync_depth_00073.png 518.8579 +/living_room_0005/rgb_00023.jpg /living_room_0005/sync_depth_00023.png 518.8579 +/kitchen_0031/rgb_00013.jpg /kitchen_0031/sync_depth_00013.png 518.8579 +/basement_0001b/rgb_00003.jpg /basement_0001b/sync_depth_00003.png 518.8579 +/dining_room_0008/rgb_00068.jpg /dining_room_0008/sync_depth_00068.png 518.8579 +/bookstore_0001g/rgb_00024.jpg /bookstore_0001g/sync_depth_00024.png 518.8579 +/living_room_0032/rgb_00005.jpg /living_room_0032/sync_depth_00005.png 518.8579 +/living_room_0029/rgb_00065.jpg /living_room_0029/sync_depth_00065.png 518.8579 +/kitchen_0051/rgb_00039.jpg /kitchen_0051/sync_depth_00039.png 518.8579 +/bedroom_0104/rgb_00062.jpg /bedroom_0104/sync_depth_00062.png 518.8579 +/basement_0001a/rgb_00098.jpg /basement_0001a/sync_depth_00098.png 518.8579 +/kitchen_0045a/rgb_00191.jpg /kitchen_0045a/sync_depth_00191.png 518.8579 +/living_room_0019/rgb_00048.jpg /living_room_0019/sync_depth_00048.png 518.8579 +/living_room_0063/rgb_00145.jpg /living_room_0063/sync_depth_00145.png 518.8579 +/bookstore_0001j/rgb_00318.jpg /bookstore_0001j/sync_depth_00318.png 518.8579 +/bedroom_0078/rgb_00058.jpg /bedroom_0078/sync_depth_00058.png 518.8579 +/kitchen_0059/rgb_00046.jpg /kitchen_0059/sync_depth_00046.png 518.8579 +/living_room_0004/rgb_00139.jpg /living_room_0004/sync_depth_00139.png 518.8579 +/home_office_0011/rgb_00001.jpg /home_office_0011/sync_depth_00001.png 518.8579 +/bedroom_0025/rgb_00067.jpg /bedroom_0025/sync_depth_00067.png 518.8579 +/bedroom_0097/rgb_00050.jpg /bedroom_0097/sync_depth_00050.png 518.8579 +/office_kitchen_0001b/rgb_00024.jpg /office_kitchen_0001b/sync_depth_00024.png 518.8579 +/bookstore_0001f/rgb_00323.jpg /bookstore_0001f/sync_depth_00323.png 518.8579 +/furniture_store_0001e/rgb_00043.jpg /furniture_store_0001e/sync_depth_00043.png 518.8579 +/home_storage_0001/rgb_00156.jpg /home_storage_0001/sync_depth_00156.png 518.8579 +/bedroom_0004/rgb_00085.jpg /bedroom_0004/sync_depth_00085.png 518.8579 +/bedroom_0016/rgb_00164.jpg /bedroom_0016/sync_depth_00164.png 518.8579 +/dining_room_0024/rgb_00028.jpg /dining_room_0024/sync_depth_00028.png 518.8579 +/kitchen_0048/rgb_00164.jpg /kitchen_0048/sync_depth_00164.png 518.8579 +/nyu_office_1/rgb_00062.jpg /nyu_office_1/sync_depth_00062.png 518.8579 +/dining_room_0034/rgb_00127.jpg /dining_room_0034/sync_depth_00127.png 518.8579 +/bookstore_0001g/rgb_00207.jpg /bookstore_0001g/sync_depth_00207.png 518.8579 +/dinette_0001/rgb_00098.jpg /dinette_0001/sync_depth_00098.png 518.8579 +/conference_room_0001/rgb_00134.jpg /conference_room_0001/sync_depth_00134.png 518.8579 +/bedroom_0094/rgb_00032.jpg /bedroom_0094/sync_depth_00032.png 518.8579 +/dining_room_0016/rgb_00039.jpg /dining_room_0016/sync_depth_00039.png 518.8579 +/living_room_0010/rgb_00181.jpg /living_room_0010/sync_depth_00181.png 518.8579 +/home_office_0005/rgb_00137.jpg /home_office_0005/sync_depth_00137.png 518.8579 +/bedroom_0125a/rgb_00003.jpg /bedroom_0125a/sync_depth_00003.png 518.8579 +/office_0006/rgb_00017.jpg /office_0006/sync_depth_00017.png 518.8579 +/bedroom_0012/rgb_00056.jpg /bedroom_0012/sync_depth_00056.png 518.8579 +/bedroom_0076a/rgb_00028.jpg /bedroom_0076a/sync_depth_00028.png 518.8579 +/living_room_0046b/rgb_00030.jpg /living_room_0046b/sync_depth_00030.png 518.8579 +/bedroom_0012/rgb_00037.jpg /bedroom_0012/sync_depth_00037.png 518.8579 +/living_room_0022/rgb_00237.jpg /living_room_0022/sync_depth_00237.png 518.8579 +/bedroom_0031/rgb_00027.jpg /bedroom_0031/sync_depth_00027.png 518.8579 +/kitchen_0060/rgb_00031.jpg /kitchen_0060/sync_depth_00031.png 518.8579 +/bedroom_0021/rgb_00072.jpg /bedroom_0021/sync_depth_00072.png 518.8579 +/dining_room_0010/rgb_00056.jpg /dining_room_0010/sync_depth_00056.png 518.8579 +/kitchen_0051/rgb_00152.jpg /kitchen_0051/sync_depth_00152.png 518.8579 +/student_lounge_0001/rgb_00116.jpg /student_lounge_0001/sync_depth_00116.png 518.8579 +/bedroom_0019/rgb_00163.jpg /bedroom_0019/sync_depth_00163.png 518.8579 +/furniture_store_0002a/rgb_00010.jpg /furniture_store_0002a/sync_depth_00010.png 518.8579 +/kitchen_0035b/rgb_00133.jpg /kitchen_0035b/sync_depth_00133.png 518.8579 +/kitchen_0035b/rgb_00107.jpg /kitchen_0035b/sync_depth_00107.png 518.8579 +/bedroom_0019/rgb_00141.jpg /bedroom_0019/sync_depth_00141.png 518.8579 +/dining_room_0012/rgb_00008.jpg /dining_room_0012/sync_depth_00008.png 518.8579 +/dining_room_0023/rgb_00107.jpg /dining_room_0023/sync_depth_00107.png 518.8579 +/living_room_0022/rgb_00271.jpg /living_room_0022/sync_depth_00271.png 518.8579 +/home_office_0005/rgb_00131.jpg /home_office_0005/sync_depth_00131.png 518.8579 +/reception_room_0001b/rgb_00035.jpg /reception_room_0001b/sync_depth_00035.png 518.8579 +/reception_room_0001b/rgb_00109.jpg /reception_room_0001b/sync_depth_00109.png 518.8579 +/dining_room_0001b/rgb_00064.jpg /dining_room_0001b/sync_depth_00064.png 518.8579 +/kitchen_0033/rgb_00138.jpg /kitchen_0033/sync_depth_00138.png 518.8579 +/home_office_0007/rgb_00023.jpg /home_office_0007/sync_depth_00023.png 518.8579 +/bedroom_0015/rgb_00097.jpg /bedroom_0015/sync_depth_00097.png 518.8579 +/bedroom_0012/rgb_00058.jpg /bedroom_0012/sync_depth_00058.png 518.8579 +/living_room_0062/rgb_00051.jpg /living_room_0062/sync_depth_00051.png 518.8579 +/bathroom_0007/rgb_00002.jpg /bathroom_0007/sync_depth_00002.png 518.8579 +/bedroom_0051/rgb_00010.jpg /bedroom_0051/sync_depth_00010.png 518.8579 +/dining_room_0001b/rgb_00088.jpg /dining_room_0001b/sync_depth_00088.png 518.8579 +/furniture_store_0002b/rgb_00056.jpg /furniture_store_0002b/sync_depth_00056.png 518.8579 +/living_room_0004/rgb_00072.jpg /living_room_0004/sync_depth_00072.png 518.8579 +/home_office_0007/rgb_00015.jpg /home_office_0007/sync_depth_00015.png 518.8579 +/bedroom_0113/rgb_00113.jpg /bedroom_0113/sync_depth_00113.png 518.8579 +/kitchen_0035b/rgb_00136.jpg /kitchen_0035b/sync_depth_00136.png 518.8579 +/study_room_0005b/rgb_00025.jpg /study_room_0005b/sync_depth_00025.png 518.8579 +/living_room_0069a/rgb_00055.jpg /living_room_0069a/sync_depth_00055.png 518.8579 +/living_room_0071/rgb_00043.jpg /living_room_0071/sync_depth_00043.png 518.8579 +/bedroom_0004/rgb_00040.jpg /bedroom_0004/sync_depth_00040.png 518.8579 +/dining_room_0010/rgb_00064.jpg /dining_room_0010/sync_depth_00064.png 518.8579 +/dining_room_0034/rgb_00067.jpg /dining_room_0034/sync_depth_00067.png 518.8579 +/living_room_0040/rgb_00084.jpg /living_room_0040/sync_depth_00084.png 518.8579 +/kitchen_0050/rgb_00058.jpg /kitchen_0050/sync_depth_00058.png 518.8579 +/bedroom_0053/rgb_00082.jpg /bedroom_0053/sync_depth_00082.png 518.8579 +/furniture_store_0002b/rgb_00244.jpg /furniture_store_0002b/sync_depth_00244.png 518.8579 +/kitchen_0060/rgb_00181.jpg /kitchen_0060/sync_depth_00181.png 518.8579 +/kitchen_0059/rgb_00009.jpg /kitchen_0059/sync_depth_00009.png 518.8579 +/living_room_0078/rgb_00076.jpg /living_room_0078/sync_depth_00076.png 518.8579 +/dining_room_0031/rgb_00137.jpg /dining_room_0031/sync_depth_00137.png 518.8579 +/bedroom_0125b/rgb_00084.jpg /bedroom_0125b/sync_depth_00084.png 518.8579 +/bookstore_0001f/rgb_00122.jpg /bookstore_0001f/sync_depth_00122.png 518.8579 +/dining_room_0031/rgb_00057.jpg /dining_room_0031/sync_depth_00057.png 518.8579 +/living_room_0068/rgb_00079.jpg /living_room_0068/sync_depth_00079.png 518.8579 +/kitchen_0029b/rgb_00026.jpg /kitchen_0029b/sync_depth_00026.png 518.8579 +/kitchen_0052/rgb_00146.jpg /kitchen_0052/sync_depth_00146.png 518.8579 +/dining_room_0031/rgb_00242.jpg /dining_room_0031/sync_depth_00242.png 518.8579 +/bedroom_0080/rgb_00065.jpg /bedroom_0080/sync_depth_00065.png 518.8579 +/dinette_0001/rgb_00099.jpg /dinette_0001/sync_depth_00099.png 518.8579 +/bookstore_0001d/rgb_00084.jpg /bookstore_0001d/sync_depth_00084.png 518.8579 +/living_room_0062/rgb_00094.jpg /living_room_0062/sync_depth_00094.png 518.8579 +/kitchen_0033/rgb_00061.jpg /kitchen_0033/sync_depth_00061.png 518.8579 +/living_room_0042b/rgb_00004.jpg /living_room_0042b/sync_depth_00004.png 518.8579 +/office_0003/rgb_00020.jpg /office_0003/sync_depth_00020.png 518.8579 +/dining_room_0013/rgb_00071.jpg /dining_room_0013/sync_depth_00071.png 518.8579 +/bedroom_0106/rgb_00103.jpg /bedroom_0106/sync_depth_00103.png 518.8579 +/classroom_0006/rgb_00002.jpg /classroom_0006/sync_depth_00002.png 518.8579 +/dining_room_0023/rgb_00121.jpg /dining_room_0023/sync_depth_00121.png 518.8579 +/kitchen_0047/rgb_00009.jpg /kitchen_0047/sync_depth_00009.png 518.8579 +/bedroom_0052/rgb_00030.jpg /bedroom_0052/sync_depth_00030.png 518.8579 +/nyu_office_1/rgb_00065.jpg /nyu_office_1/sync_depth_00065.png 518.8579 +/dining_room_0031/rgb_00108.jpg /dining_room_0031/sync_depth_00108.png 518.8579 +/basement_0001a/rgb_00115.jpg /basement_0001a/sync_depth_00115.png 518.8579 +/classroom_0011/rgb_00011.jpg /classroom_0011/sync_depth_00011.png 518.8579 +/classroom_0006/rgb_00087.jpg /classroom_0006/sync_depth_00087.png 518.8579 +/dining_room_0033/rgb_00118.jpg /dining_room_0033/sync_depth_00118.png 518.8579 +/kitchen_0035b/rgb_00037.jpg /kitchen_0035b/sync_depth_00037.png 518.8579 +/kitchen_0043/rgb_00125.jpg /kitchen_0043/sync_depth_00125.png 518.8579 +/furniture_store_0002a/rgb_00086.jpg /furniture_store_0002a/sync_depth_00086.png 518.8579 +/bathroom_0028/rgb_00133.jpg /bathroom_0028/sync_depth_00133.png 518.8579 +/bedroom_0076a/rgb_00024.jpg /bedroom_0076a/sync_depth_00024.png 518.8579 +/office_0026/rgb_00134.jpg /office_0026/sync_depth_00134.png 518.8579 +/living_room_0058/rgb_00138.jpg /living_room_0058/sync_depth_00138.png 518.8579 +/bookstore_0001d/rgb_00155.jpg /bookstore_0001d/sync_depth_00155.png 518.8579 +/bedroom_0069/rgb_00008.jpg /bedroom_0069/sync_depth_00008.png 518.8579 +/nyu_office_0/rgb_00349.jpg /nyu_office_0/sync_depth_00349.png 518.8579 +/bathroom_0014a/rgb_00064.jpg /bathroom_0014a/sync_depth_00064.png 518.8579 +/bedroom_0062/rgb_00007.jpg /bedroom_0062/sync_depth_00007.png 518.8579 +/kitchen_0029b/rgb_00049.jpg /kitchen_0029b/sync_depth_00049.png 518.8579 +/study_room_0005b/rgb_00027.jpg /study_room_0005b/sync_depth_00027.png 518.8579 +/bedroom_0136/rgb_00016.jpg /bedroom_0136/sync_depth_00016.png 518.8579 +/kitchen_0051/rgb_00158.jpg /kitchen_0051/sync_depth_00158.png 518.8579 +/bedroom_0071/rgb_00181.jpg /bedroom_0071/sync_depth_00181.png 518.8579 +/bedroom_0042/rgb_00045.jpg /bedroom_0042/sync_depth_00045.png 518.8579 +/office_0026/rgb_00051.jpg /office_0026/sync_depth_00051.png 518.8579 +/bedroom_0017/rgb_00141.jpg /bedroom_0017/sync_depth_00141.png 518.8579 +/bedroom_0100/rgb_00068.jpg /bedroom_0100/sync_depth_00068.png 518.8579 +/bedroom_0028/rgb_00043.jpg /bedroom_0028/sync_depth_00043.png 518.8579 +/bookstore_0001f/rgb_00077.jpg /bookstore_0001f/sync_depth_00077.png 518.8579 +/bedroom_0004/rgb_00018.jpg /bedroom_0004/sync_depth_00018.png 518.8579 +/kitchen_0028a/rgb_00106.jpg /kitchen_0028a/sync_depth_00106.png 518.8579 +/bathroom_0006/rgb_00056.jpg /bathroom_0006/sync_depth_00056.png 518.8579 +/kitchen_0011a/rgb_00033.jpg /kitchen_0011a/sync_depth_00033.png 518.8579 +/living_room_0085/rgb_00061.jpg /living_room_0085/sync_depth_00061.png 518.8579 +/living_room_0035/rgb_00016.jpg /living_room_0035/sync_depth_00016.png 518.8579 +/living_room_0046b/rgb_00112.jpg /living_room_0046b/sync_depth_00112.png 518.8579 +/living_room_0019/rgb_00050.jpg /living_room_0019/sync_depth_00050.png 518.8579 +/office_kitchen_0003/rgb_00042.jpg /office_kitchen_0003/sync_depth_00042.png 518.8579 +/office_0012/rgb_00078.jpg /office_0012/sync_depth_00078.png 518.8579 +/kitchen_0052/rgb_00094.jpg /kitchen_0052/sync_depth_00094.png 518.8579 +/conference_room_0001/rgb_00037.jpg /conference_room_0001/sync_depth_00037.png 518.8579 +/living_room_0019/rgb_00167.jpg /living_room_0019/sync_depth_00167.png 518.8579 +/furniture_store_0001d/rgb_00156.jpg /furniture_store_0001d/sync_depth_00156.png 518.8579 +/office_kitchen_0003/rgb_00004.jpg /office_kitchen_0003/sync_depth_00004.png 518.8579 +/bedroom_0071/rgb_00129.jpg /bedroom_0071/sync_depth_00129.png 518.8579 +/kitchen_0003/rgb_00151.jpg /kitchen_0003/sync_depth_00151.png 518.8579 +/bedroom_0076a/rgb_00241.jpg /bedroom_0076a/sync_depth_00241.png 518.8579 +/office_0012/rgb_00106.jpg /office_0012/sync_depth_00106.png 518.8579 +/bedroom_0076a/rgb_00264.jpg /bedroom_0076a/sync_depth_00264.png 518.8579 +/dining_room_0012/rgb_00012.jpg /dining_room_0012/sync_depth_00012.png 518.8579 +/bedroom_0076a/rgb_00188.jpg /bedroom_0076a/sync_depth_00188.png 518.8579 +/living_room_0018/rgb_00145.jpg /living_room_0018/sync_depth_00145.png 518.8579 +/kitchen_0029c/rgb_00143.jpg /kitchen_0029c/sync_depth_00143.png 518.8579 +/bedroom_0071/rgb_00136.jpg /bedroom_0071/sync_depth_00136.png 518.8579 +/classroom_0006/rgb_00194.jpg /classroom_0006/sync_depth_00194.png 518.8579 +/dining_room_0001b/rgb_00085.jpg /dining_room_0001b/sync_depth_00085.png 518.8579 +/office_0024/rgb_00087.jpg /office_0024/sync_depth_00087.png 518.8579 +/kitchen_0045b/rgb_00112.jpg /kitchen_0045b/sync_depth_00112.png 518.8579 +/dining_room_0031/rgb_00267.jpg /dining_room_0031/sync_depth_00267.png 518.8579 +/living_room_0005/rgb_00151.jpg /living_room_0005/sync_depth_00151.png 518.8579 +/bedroom_0056a/rgb_00086.jpg /bedroom_0056a/sync_depth_00086.png 518.8579 +/living_room_0018/rgb_00184.jpg /living_room_0018/sync_depth_00184.png 518.8579 +/bathroom_0007/rgb_00057.jpg /bathroom_0007/sync_depth_00057.png 518.8579 +/living_room_0063/rgb_00135.jpg /living_room_0063/sync_depth_00135.png 518.8579 +/kitchen_0028b/rgb_00076.jpg /kitchen_0028b/sync_depth_00076.png 518.8579 +/kitchen_0008/rgb_00013.jpg /kitchen_0008/sync_depth_00013.png 518.8579 +/playroom_0003/rgb_00028.jpg /playroom_0003/sync_depth_00028.png 518.8579 +/living_room_0033/rgb_00049.jpg /living_room_0033/sync_depth_00049.png 518.8579 +/basement_0001a/rgb_00120.jpg /basement_0001a/sync_depth_00120.png 518.8579 +/bedroom_0051/rgb_00007.jpg /bedroom_0051/sync_depth_00007.png 518.8579 +/living_room_0018/rgb_00151.jpg /living_room_0018/sync_depth_00151.png 518.8579 +/living_room_0022/rgb_00175.jpg /living_room_0022/sync_depth_00175.png 518.8579 +/bedroom_0100/rgb_00052.jpg /bedroom_0100/sync_depth_00052.png 518.8579 +/office_0019/rgb_00056.jpg /office_0019/sync_depth_00056.png 518.8579 +/kitchen_0045a/rgb_00008.jpg /kitchen_0045a/sync_depth_00008.png 518.8579 +/furniture_store_0002b/rgb_00199.jpg /furniture_store_0002b/sync_depth_00199.png 518.8579 +/living_room_0012/rgb_00066.jpg /living_room_0012/sync_depth_00066.png 518.8579 +/dining_room_0023/rgb_00086.jpg /dining_room_0023/sync_depth_00086.png 518.8579 +/kitchen_0003/rgb_00087.jpg /kitchen_0003/sync_depth_00087.png 518.8579 +/conference_room_0001/rgb_00059.jpg /conference_room_0001/sync_depth_00059.png 518.8579 +/dining_room_0013/rgb_00036.jpg /dining_room_0013/sync_depth_00036.png 518.8579 +/dining_room_0019/rgb_00167.jpg /dining_room_0019/sync_depth_00167.png 518.8579 +/dining_room_0034/rgb_00228.jpg /dining_room_0034/sync_depth_00228.png 518.8579 +/bookstore_0001i/rgb_00035.jpg /bookstore_0001i/sync_depth_00035.png 518.8579 +/living_room_0063/rgb_00101.jpg /living_room_0063/sync_depth_00101.png 518.8579 +/living_room_0069a/rgb_00008.jpg /living_room_0069a/sync_depth_00008.png 518.8579 +/dining_room_0024/rgb_00008.jpg /dining_room_0024/sync_depth_00008.png 518.8579 +/nyu_office_0/rgb_00120.jpg /nyu_office_0/sync_depth_00120.png 518.8579 +/bedroom_0034/rgb_00116.jpg /bedroom_0034/sync_depth_00116.png 518.8579 +/classroom_0006/rgb_00184.jpg /classroom_0006/sync_depth_00184.png 518.8579 +/office_0025/rgb_00022.jpg /office_0025/sync_depth_00022.png 518.8579 +/home_office_0006/rgb_00089.jpg /home_office_0006/sync_depth_00089.png 518.8579 +/kitchen_0053/rgb_00080.jpg /kitchen_0053/sync_depth_00080.png 518.8579 +/reception_room_0001b/rgb_00023.jpg /reception_room_0001b/sync_depth_00023.png 518.8579 +/dining_room_0013/rgb_00096.jpg /dining_room_0013/sync_depth_00096.png 518.8579 +/living_room_0029/rgb_00010.jpg /living_room_0029/sync_depth_00010.png 518.8579 +/furniture_store_0002a/rgb_00031.jpg /furniture_store_0002a/sync_depth_00031.png 518.8579 +/bedroom_0041/rgb_00002.jpg /bedroom_0041/sync_depth_00002.png 518.8579 +/bedroom_0033/rgb_00013.jpg /bedroom_0033/sync_depth_00013.png 518.8579 +/study_0006/rgb_00015.jpg /study_0006/sync_depth_00015.png 518.8579 +/classroom_0005/rgb_00019.jpg /classroom_0005/sync_depth_00019.png 518.8579 +/bedroom_0038/rgb_00008.jpg /bedroom_0038/sync_depth_00008.png 518.8579 +/office_0026/rgb_00022.jpg /office_0026/sync_depth_00022.png 518.8579 +/bedroom_0071/rgb_00050.jpg /bedroom_0071/sync_depth_00050.png 518.8579 +/dining_room_0014/rgb_00046.jpg /dining_room_0014/sync_depth_00046.png 518.8579 +/bedroom_0106/rgb_00001.jpg /bedroom_0106/sync_depth_00001.png 518.8579 +/bedroom_0120/rgb_00084.jpg /bedroom_0120/sync_depth_00084.png 518.8579 +/bedroom_0080/rgb_00013.jpg /bedroom_0080/sync_depth_00013.png 518.8579 +/bathroom_0056/rgb_00039.jpg /bathroom_0056/sync_depth_00039.png 518.8579 +/bedroom_0010/rgb_00000.jpg /bedroom_0010/sync_depth_00000.png 518.8579 +/office_0004/rgb_00005.jpg /office_0004/sync_depth_00005.png 518.8579 +/living_room_0055/rgb_00133.jpg /living_room_0055/sync_depth_00133.png 518.8579 +/printer_room_0001/rgb_00043.jpg /printer_room_0001/sync_depth_00043.png 518.8579 +/kitchen_0019b/rgb_00004.jpg /kitchen_0019b/sync_depth_00004.png 518.8579 +/living_room_0022/rgb_00255.jpg /living_room_0022/sync_depth_00255.png 518.8579 +/kitchen_0029c/rgb_00092.jpg /kitchen_0029c/sync_depth_00092.png 518.8579 +/bathroom_0049/rgb_00011.jpg /bathroom_0049/sync_depth_00011.png 518.8579 +/living_room_0055/rgb_00069.jpg /living_room_0055/sync_depth_00069.png 518.8579 +/living_room_0062/rgb_00207.jpg /living_room_0062/sync_depth_00207.png 518.8579 +/bedroom_0004/rgb_00015.jpg /bedroom_0004/sync_depth_00015.png 518.8579 +/dining_room_0029/rgb_00054.jpg /dining_room_0029/sync_depth_00054.png 518.8579 +/living_room_0047b/rgb_00006.jpg /living_room_0047b/sync_depth_00006.png 518.8579 +/reception_room_0001a/rgb_00099.jpg /reception_room_0001a/sync_depth_00099.png 518.8579 +/reception_room_0001a/rgb_00081.jpg /reception_room_0001a/sync_depth_00081.png 518.8579 +/dining_room_0013/rgb_00059.jpg /dining_room_0013/sync_depth_00059.png 518.8579 +/furniture_store_0002c/rgb_00062.jpg /furniture_store_0002c/sync_depth_00062.png 518.8579 +/cafe_0001a/rgb_00076.jpg /cafe_0001a/sync_depth_00076.png 518.8579 +/kitchen_0011a/rgb_00050.jpg /kitchen_0011a/sync_depth_00050.png 518.8579 +/dining_room_0012/rgb_00190.jpg /dining_room_0012/sync_depth_00190.png 518.8579 +/basement_0001a/rgb_00032.jpg /basement_0001a/sync_depth_00032.png 518.8579 +/nyu_office_0/rgb_00385.jpg /nyu_office_0/sync_depth_00385.png 518.8579 +/living_room_0046b/rgb_00014.jpg /living_room_0046b/sync_depth_00014.png 518.8579 +/dining_room_0015/rgb_00207.jpg /dining_room_0015/sync_depth_00207.png 518.8579 +/furniture_store_0002a/rgb_00346.jpg /furniture_store_0002a/sync_depth_00346.png 518.8579 +/dining_room_0023/rgb_00001.jpg /dining_room_0023/sync_depth_00001.png 518.8579 +/student_lounge_0001/rgb_00115.jpg /student_lounge_0001/sync_depth_00115.png 518.8579 +/reception_room_0004/rgb_00075.jpg /reception_room_0004/sync_depth_00075.png 518.8579 +/dining_room_0010/rgb_00113.jpg /dining_room_0010/sync_depth_00113.png 518.8579 +/bathroom_0028/rgb_00122.jpg /bathroom_0028/sync_depth_00122.png 518.8579 +/home_office_0006/rgb_00147.jpg /home_office_0006/sync_depth_00147.png 518.8579 +/living_room_0068/rgb_00109.jpg /living_room_0068/sync_depth_00109.png 518.8579 +/reception_room_0002/rgb_00039.jpg /reception_room_0002/sync_depth_00039.png 518.8579 +/bedroom_0082/rgb_00046.jpg /bedroom_0082/sync_depth_00046.png 518.8579 +/bookstore_0001j/rgb_00070.jpg /bookstore_0001j/sync_depth_00070.png 518.8579 +/bookstore_0001i/rgb_00003.jpg /bookstore_0001i/sync_depth_00003.png 518.8579 +/kitchen_0011b/rgb_00056.jpg /kitchen_0011b/sync_depth_00056.png 518.8579 +/study_room_0004/rgb_00171.jpg /study_room_0004/sync_depth_00171.png 518.8579 +/bedroom_0010/rgb_00048.jpg /bedroom_0010/sync_depth_00048.png 518.8579 +/dining_room_0024/rgb_00140.jpg /dining_room_0024/sync_depth_00140.png 518.8579 +/living_room_0069b/rgb_00024.jpg /living_room_0069b/sync_depth_00024.png 518.8579 +/furniture_store_0002a/rgb_00140.jpg /furniture_store_0002a/sync_depth_00140.png 518.8579 +/living_room_0010/rgb_00058.jpg /living_room_0010/sync_depth_00058.png 518.8579 +/living_room_0069a/rgb_00064.jpg /living_room_0069a/sync_depth_00064.png 518.8579 +/furniture_store_0002b/rgb_00046.jpg /furniture_store_0002b/sync_depth_00046.png 518.8579 +/bedroom_0051/rgb_00119.jpg /bedroom_0051/sync_depth_00119.png 518.8579 +/kitchen_0047/rgb_00069.jpg /kitchen_0047/sync_depth_00069.png 518.8579 +/dining_room_0031/rgb_00031.jpg /dining_room_0031/sync_depth_00031.png 518.8579 +/office_0024/rgb_00029.jpg /office_0024/sync_depth_00029.png 518.8579 +/furniture_store_0002c/rgb_00016.jpg /furniture_store_0002c/sync_depth_00016.png 518.8579 +/kitchen_0016/rgb_00116.jpg /kitchen_0016/sync_depth_00116.png 518.8579 +/kitchen_0050/rgb_00176.jpg /kitchen_0050/sync_depth_00176.png 518.8579 +/living_room_0020/rgb_00064.jpg /living_room_0020/sync_depth_00064.png 518.8579 +/classroom_0003/rgb_00094.jpg /classroom_0003/sync_depth_00094.png 518.8579 +/conference_room_0002/rgb_00052.jpg /conference_room_0002/sync_depth_00052.png 518.8579 +/living_room_0005/rgb_00090.jpg /living_room_0005/sync_depth_00090.png 518.8579 +/bathroom_0023/rgb_00010.jpg /bathroom_0023/sync_depth_00010.png 518.8579 +/home_office_0011/rgb_00036.jpg /home_office_0011/sync_depth_00036.png 518.8579 +/office_0004/rgb_00042.jpg /office_0004/sync_depth_00042.png 518.8579 +/bedroom_0017/rgb_00066.jpg /bedroom_0017/sync_depth_00066.png 518.8579 +/bedroom_0047/rgb_00033.jpg /bedroom_0047/sync_depth_00033.png 518.8579 +/bedroom_0056a/rgb_00077.jpg /bedroom_0056a/sync_depth_00077.png 518.8579 +/bedroom_0106/rgb_00010.jpg /bedroom_0106/sync_depth_00010.png 518.8579 +/dining_room_0013/rgb_00137.jpg /dining_room_0013/sync_depth_00137.png 518.8579 +/bedroom_0010/rgb_00084.jpg /bedroom_0010/sync_depth_00084.png 518.8579 +/bedroom_0028/rgb_00009.jpg /bedroom_0028/sync_depth_00009.png 518.8579 +/living_room_0038/rgb_00078.jpg /living_room_0038/sync_depth_00078.png 518.8579 +/classroom_0022/rgb_00016.jpg /classroom_0022/sync_depth_00016.png 518.8579 +/living_room_0047a/rgb_00010.jpg /living_room_0047a/sync_depth_00010.png 518.8579 +/bookstore_0001j/rgb_00086.jpg /bookstore_0001j/sync_depth_00086.png 518.8579 +/furniture_store_0001d/rgb_00111.jpg /furniture_store_0001d/sync_depth_00111.png 518.8579 +/bedroom_0060/rgb_00046.jpg /bedroom_0060/sync_depth_00046.png 518.8579 +/kitchen_0011a/rgb_00002.jpg /kitchen_0011a/sync_depth_00002.png 518.8579 +/kitchen_0043/rgb_00077.jpg /kitchen_0043/sync_depth_00077.png 518.8579 +/home_storage_0001/rgb_00042.jpg /home_storage_0001/sync_depth_00042.png 518.8579 +/bedroom_0062/rgb_00045.jpg /bedroom_0062/sync_depth_00045.png 518.8579 +/furniture_store_0002a/rgb_00067.jpg /furniture_store_0002a/sync_depth_00067.png 518.8579 +/reception_room_0002/rgb_00072.jpg /reception_room_0002/sync_depth_00072.png 518.8579 +/bedroom_0126/rgb_00050.jpg /bedroom_0126/sync_depth_00050.png 518.8579 +/living_room_0040/rgb_00001.jpg /living_room_0040/sync_depth_00001.png 518.8579 +/bedroom_0016/rgb_00057.jpg /bedroom_0016/sync_depth_00057.png 518.8579 +/classroom_0010/rgb_00037.jpg /classroom_0010/sync_depth_00037.png 518.8579 +/dining_room_0013/rgb_00057.jpg /dining_room_0013/sync_depth_00057.png 518.8579 +/living_room_0040/rgb_00116.jpg /living_room_0040/sync_depth_00116.png 518.8579 +/furniture_store_0002b/rgb_00012.jpg /furniture_store_0002b/sync_depth_00012.png 518.8579 +/kitchen_0028a/rgb_00132.jpg /kitchen_0028a/sync_depth_00132.png 518.8579 +/living_room_0055/rgb_00002.jpg /living_room_0055/sync_depth_00002.png 518.8579 +/bedroom_0016/rgb_00019.jpg /bedroom_0016/sync_depth_00019.png 518.8579 +/dining_room_0012/rgb_00030.jpg /dining_room_0012/sync_depth_00030.png 518.8579 +/office_0011/rgb_00053.jpg /office_0011/sync_depth_00053.png 518.8579 +/office_0011/rgb_00076.jpg /office_0011/sync_depth_00076.png 518.8579 +/nyu_office_0/rgb_00292.jpg /nyu_office_0/sync_depth_00292.png 518.8579 +/office_0023/rgb_00028.jpg /office_0023/sync_depth_00028.png 518.8579 +/kitchen_0019a/rgb_00057.jpg /kitchen_0019a/sync_depth_00057.png 518.8579 +/dining_room_0033/rgb_00143.jpg /dining_room_0033/sync_depth_00143.png 518.8579 +/bedroom_0021/rgb_00069.jpg /bedroom_0021/sync_depth_00069.png 518.8579 +/living_room_0063/rgb_00024.jpg /living_room_0063/sync_depth_00024.png 518.8579 +/bedroom_0042/rgb_00016.jpg /bedroom_0042/sync_depth_00016.png 518.8579 +/classroom_0018/rgb_00025.jpg /classroom_0018/sync_depth_00025.png 518.8579 +/bedroom_0052/rgb_00189.jpg /bedroom_0052/sync_depth_00189.png 518.8579 +/dining_room_0023/rgb_00153.jpg /dining_room_0023/sync_depth_00153.png 518.8579 +/office_0021/rgb_00040.jpg /office_0021/sync_depth_00040.png 518.8579 +/living_room_0082/rgb_00037.jpg /living_room_0082/sync_depth_00037.png 518.8579 +/study_room_0004/rgb_00122.jpg /study_room_0004/sync_depth_00122.png 518.8579 +/classroom_0010/rgb_00061.jpg /classroom_0010/sync_depth_00061.png 518.8579 +/living_room_0011/rgb_00132.jpg /living_room_0011/sync_depth_00132.png 518.8579 +/living_room_0019/rgb_00222.jpg /living_room_0019/sync_depth_00222.png 518.8579 +/bedroom_0004/rgb_00161.jpg /bedroom_0004/sync_depth_00161.png 518.8579 +/kitchen_0060/rgb_00075.jpg /kitchen_0060/sync_depth_00075.png 518.8579 +/bedroom_0129/rgb_00083.jpg /bedroom_0129/sync_depth_00083.png 518.8579 +/home_office_0005/rgb_00055.jpg /home_office_0005/sync_depth_00055.png 518.8579 +/furniture_store_0002a/rgb_00120.jpg /furniture_store_0002a/sync_depth_00120.png 518.8579 +/living_room_0040/rgb_00266.jpg /living_room_0040/sync_depth_00266.png 518.8579 +/bedroom_0038/rgb_00010.jpg /bedroom_0038/sync_depth_00010.png 518.8579 +/student_lounge_0001/rgb_00102.jpg /student_lounge_0001/sync_depth_00102.png 518.8579 +/kitchen_0045a/rgb_00079.jpg /kitchen_0045a/sync_depth_00079.png 518.8579 +/living_room_0039/rgb_00148.jpg /living_room_0039/sync_depth_00148.png 518.8579 +/living_room_0012/rgb_00146.jpg /living_room_0012/sync_depth_00146.png 518.8579 +/office_0024/rgb_00042.jpg /office_0024/sync_depth_00042.png 518.8579 +/dining_room_0024/rgb_00034.jpg /dining_room_0024/sync_depth_00034.png 518.8579 +/kitchen_0043/rgb_00075.jpg /kitchen_0043/sync_depth_00075.png 518.8579 +/home_office_0006/rgb_00100.jpg /home_office_0006/sync_depth_00100.png 518.8579 +/office_0021/rgb_00049.jpg /office_0021/sync_depth_00049.png 518.8579 +/dining_room_0019/rgb_00055.jpg /dining_room_0019/sync_depth_00055.png 518.8579 +/living_room_0018/rgb_00216.jpg /living_room_0018/sync_depth_00216.png 518.8579 +/bedroom_0051/rgb_00058.jpg /bedroom_0051/sync_depth_00058.png 518.8579 +/dining_room_0029/rgb_00045.jpg /dining_room_0029/sync_depth_00045.png 518.8579 +/office_kitchen_0003/rgb_00035.jpg /office_kitchen_0003/sync_depth_00035.png 518.8579 +/living_room_0005/rgb_00112.jpg /living_room_0005/sync_depth_00112.png 518.8579 +/home_office_0011/rgb_00070.jpg /home_office_0011/sync_depth_00070.png 518.8579 +/playroom_0002/rgb_00154.jpg /playroom_0002/sync_depth_00154.png 518.8579 +/bedroom_0096/rgb_00026.jpg /bedroom_0096/sync_depth_00026.png 518.8579 +/office_kitchen_0001b/rgb_00049.jpg /office_kitchen_0001b/sync_depth_00049.png 518.8579 +/reception_room_0001a/rgb_00084.jpg /reception_room_0001a/sync_depth_00084.png 518.8579 +/kitchen_0051/rgb_00046.jpg /kitchen_0051/sync_depth_00046.png 518.8579 +/bathroom_0056/rgb_00048.jpg /bathroom_0056/sync_depth_00048.png 518.8579 +/kitchen_0043/rgb_00071.jpg /kitchen_0043/sync_depth_00071.png 518.8579 +/kitchen_0059/rgb_00016.jpg /kitchen_0059/sync_depth_00016.png 518.8579 +/bookstore_0001e/rgb_00099.jpg /bookstore_0001e/sync_depth_00099.png 518.8579 +/bedroom_0106/rgb_00150.jpg /bedroom_0106/sync_depth_00150.png 518.8579 +/dining_room_0037/rgb_00113.jpg /dining_room_0037/sync_depth_00113.png 518.8579 +/bedroom_0056a/rgb_00061.jpg /bedroom_0056a/sync_depth_00061.png 518.8579 +/kitchen_0048/rgb_00271.jpg /kitchen_0048/sync_depth_00271.png 518.8579 +/bathroom_0010/rgb_00027.jpg /bathroom_0010/sync_depth_00027.png 518.8579 +/dining_room_0015/rgb_00086.jpg /dining_room_0015/sync_depth_00086.png 518.8579 +/dining_room_0007/rgb_00164.jpg /dining_room_0007/sync_depth_00164.png 518.8579 +/study_room_0004/rgb_00014.jpg /study_room_0004/sync_depth_00014.png 518.8579 +/living_room_0029/rgb_00096.jpg /living_room_0029/sync_depth_00096.png 518.8579 +/dining_room_0013/rgb_00103.jpg /dining_room_0013/sync_depth_00103.png 518.8579 +/bedroom_0078/rgb_00056.jpg /bedroom_0078/sync_depth_00056.png 518.8579 +/bathroom_0053/rgb_00006.jpg /bathroom_0053/sync_depth_00006.png 518.8579 +/living_room_0069a/rgb_00068.jpg /living_room_0069a/sync_depth_00068.png 518.8579 +/kitchen_0053/rgb_00006.jpg /kitchen_0053/sync_depth_00006.png 518.8579 +/office_0026/rgb_00159.jpg /office_0026/sync_depth_00159.png 518.8579 +/conference_room_0002/rgb_00041.jpg /conference_room_0002/sync_depth_00041.png 518.8579 +/reception_room_0001b/rgb_00086.jpg /reception_room_0001b/sync_depth_00086.png 518.8579 +/kitchen_0043/rgb_00053.jpg /kitchen_0043/sync_depth_00053.png 518.8579 +/living_room_0046b/rgb_00119.jpg /living_room_0046b/sync_depth_00119.png 518.8579 +/conference_room_0001/rgb_00101.jpg /conference_room_0001/sync_depth_00101.png 518.8579 +/furniture_store_0001d/rgb_00037.jpg /furniture_store_0001d/sync_depth_00037.png 518.8579 +/bedroom_0069/rgb_00089.jpg /bedroom_0069/sync_depth_00089.png 518.8579 +/dining_room_0008/rgb_00084.jpg /dining_room_0008/sync_depth_00084.png 518.8579 +/bookstore_0001f/rgb_00511.jpg /bookstore_0001f/sync_depth_00511.png 518.8579 +/nyu_office_0/rgb_00054.jpg /nyu_office_0/sync_depth_00054.png 518.8579 +/living_room_0071/rgb_00040.jpg /living_room_0071/sync_depth_00040.png 518.8579 +/cafe_0001b/rgb_00063.jpg /cafe_0001b/sync_depth_00063.png 518.8579 +/kitchen_0053/rgb_00234.jpg /kitchen_0053/sync_depth_00234.png 518.8579 +/dining_room_0019/rgb_00170.jpg /dining_room_0019/sync_depth_00170.png 518.8579 +/kitchen_0019a/rgb_00154.jpg /kitchen_0019a/sync_depth_00154.png 518.8579 +/kitchen_0029c/rgb_00047.jpg /kitchen_0029c/sync_depth_00047.png 518.8579 +/living_room_0058/rgb_00107.jpg /living_room_0058/sync_depth_00107.png 518.8579 +/dining_room_0012/rgb_00120.jpg /dining_room_0012/sync_depth_00120.png 518.8579 +/living_room_0033/rgb_00011.jpg /living_room_0033/sync_depth_00011.png 518.8579 +/bedroom_0140/rgb_00044.jpg /bedroom_0140/sync_depth_00044.png 518.8579 +/home_office_0005/rgb_00112.jpg /home_office_0005/sync_depth_00112.png 518.8579 +/basement_0001a/rgb_00139.jpg /basement_0001a/sync_depth_00139.png 518.8579 +/living_room_0010/rgb_00188.jpg /living_room_0010/sync_depth_00188.png 518.8579 +/bathroom_0001/rgb_00006.jpg /bathroom_0001/sync_depth_00006.png 518.8579 +/bedroom_0078/rgb_00014.jpg /bedroom_0078/sync_depth_00014.png 518.8579 +/bedroom_0106/rgb_00025.jpg /bedroom_0106/sync_depth_00025.png 518.8579 +/dining_room_0015/rgb_00153.jpg /dining_room_0015/sync_depth_00153.png 518.8579 +/bedroom_0012/rgb_00000.jpg /bedroom_0012/sync_depth_00000.png 518.8579 +/bedroom_0079/rgb_00016.jpg /bedroom_0079/sync_depth_00016.png 518.8579 +/kitchen_0047/rgb_00060.jpg /kitchen_0047/sync_depth_00060.png 518.8579 +/dining_room_0029/rgb_00057.jpg /dining_room_0029/sync_depth_00057.png 518.8579 +/home_office_0008/rgb_00154.jpg /home_office_0008/sync_depth_00154.png 518.8579 +/reception_room_0004/rgb_00069.jpg /reception_room_0004/sync_depth_00069.png 518.8579 +/cafe_0001c/rgb_00004.jpg /cafe_0001c/sync_depth_00004.png 518.8579 +/living_room_0033/rgb_00022.jpg /living_room_0033/sync_depth_00022.png 518.8579 +/kitchen_0052/rgb_00059.jpg /kitchen_0052/sync_depth_00059.png 518.8579 +/bathroom_0055/rgb_00043.jpg /bathroom_0055/sync_depth_00043.png 518.8579 +/office_0009/rgb_00086.jpg /office_0009/sync_depth_00086.png 518.8579 +/study_0003/rgb_00030.jpg /study_0003/sync_depth_00030.png 518.8579 +/kitchen_0019a/rgb_00061.jpg /kitchen_0019a/sync_depth_00061.png 518.8579 +/kitchen_0029c/rgb_00124.jpg /kitchen_0029c/sync_depth_00124.png 518.8579 +/bedroom_0078/rgb_00163.jpg /bedroom_0078/sync_depth_00163.png 518.8579 +/bedroom_0074/rgb_00058.jpg /bedroom_0074/sync_depth_00058.png 518.8579 +/kitchen_0051/rgb_00037.jpg /kitchen_0051/sync_depth_00037.png 518.8579 +/kitchen_0016/rgb_00064.jpg /kitchen_0016/sync_depth_00064.png 518.8579 +/living_room_0040/rgb_00190.jpg /living_room_0040/sync_depth_00190.png 518.8579 +/bookstore_0001d/rgb_00106.jpg /bookstore_0001d/sync_depth_00106.png 518.8579 +/bedroom_0125b/rgb_00043.jpg /bedroom_0125b/sync_depth_00043.png 518.8579 +/dining_room_0012/rgb_00085.jpg /dining_room_0012/sync_depth_00085.png 518.8579 +/bedroom_0016/rgb_00221.jpg /bedroom_0016/sync_depth_00221.png 518.8579 +/kitchen_0003/rgb_00042.jpg /kitchen_0003/sync_depth_00042.png 518.8579 +/bedroom_0033/rgb_00115.jpg /bedroom_0033/sync_depth_00115.png 518.8579 +/dining_room_0002/rgb_00016.jpg /dining_room_0002/sync_depth_00016.png 518.8579 +/kitchen_0041/rgb_00011.jpg /kitchen_0041/sync_depth_00011.png 518.8579 +/living_room_0069b/rgb_00000.jpg /living_room_0069b/sync_depth_00000.png 518.8579 +/dining_room_0023/rgb_00064.jpg /dining_room_0023/sync_depth_00064.png 518.8579 +/bedroom_0015/rgb_00029.jpg /bedroom_0015/sync_depth_00029.png 518.8579 +/bedroom_0016/rgb_00142.jpg /bedroom_0016/sync_depth_00142.png 518.8579 +/kitchen_0059/rgb_00018.jpg /kitchen_0059/sync_depth_00018.png 518.8579 +/living_room_0047b/rgb_00155.jpg /living_room_0047b/sync_depth_00155.png 518.8579 +/dining_room_0019/rgb_00086.jpg /dining_room_0019/sync_depth_00086.png 518.8579 +/bookstore_0001f/rgb_00246.jpg /bookstore_0001f/sync_depth_00246.png 518.8579 +/bedroom_0086/rgb_00055.jpg /bedroom_0086/sync_depth_00055.png 518.8579 +/furniture_store_0002b/rgb_00068.jpg /furniture_store_0002b/sync_depth_00068.png 518.8579 +/kitchen_0035b/rgb_00066.jpg /kitchen_0035b/sync_depth_00066.png 518.8579 +/furniture_store_0002c/rgb_00038.jpg /furniture_store_0002c/sync_depth_00038.png 518.8579 +/bedroom_0017/rgb_00063.jpg /bedroom_0017/sync_depth_00063.png 518.8579 +/dining_room_0024/rgb_00047.jpg /dining_room_0024/sync_depth_00047.png 518.8579 +/bathroom_0005/rgb_00048.jpg /bathroom_0005/sync_depth_00048.png 518.8579 +/office_0024/rgb_00052.jpg /office_0024/sync_depth_00052.png 518.8579 +/furniture_store_0002b/rgb_00077.jpg /furniture_store_0002b/sync_depth_00077.png 518.8579 +/living_room_0022/rgb_00132.jpg /living_room_0022/sync_depth_00132.png 518.8579 +/kitchen_0028a/rgb_00109.jpg /kitchen_0028a/sync_depth_00109.png 518.8579 +/office_0023/rgb_00020.jpg /office_0023/sync_depth_00020.png 518.8579 +/bedroom_0053/rgb_00013.jpg /bedroom_0053/sync_depth_00013.png 518.8579 +/living_room_0029/rgb_00118.jpg /living_room_0029/sync_depth_00118.png 518.8579 +/kitchen_0053/rgb_00103.jpg /kitchen_0053/sync_depth_00103.png 518.8579 +/dining_room_0031/rgb_00193.jpg /dining_room_0031/sync_depth_00193.png 518.8579 +/office_0021/rgb_00044.jpg /office_0021/sync_depth_00044.png 518.8579 +/classroom_0010/rgb_00073.jpg /classroom_0010/sync_depth_00073.png 518.8579 +/bedroom_0071/rgb_00065.jpg /bedroom_0071/sync_depth_00065.png 518.8579 +/bathroom_0007/rgb_00082.jpg /bathroom_0007/sync_depth_00082.png 518.8579 +/student_lounge_0001/rgb_00083.jpg /student_lounge_0001/sync_depth_00083.png 518.8579 +/bathroom_0048/rgb_00054.jpg /bathroom_0048/sync_depth_00054.png 518.8579 +/dining_room_0037/rgb_00043.jpg /dining_room_0037/sync_depth_00043.png 518.8579 +/classroom_0003/rgb_00035.jpg /classroom_0003/sync_depth_00035.png 518.8579 +/bathroom_0041/rgb_00000.jpg /bathroom_0041/sync_depth_00000.png 518.8579 +/living_room_0020/rgb_00058.jpg /living_room_0020/sync_depth_00058.png 518.8579 +/home_office_0004/rgb_00052.jpg /home_office_0004/sync_depth_00052.png 518.8579 +/living_room_0020/rgb_00122.jpg /living_room_0020/sync_depth_00122.png 518.8579 +/bookstore_0001h/rgb_00038.jpg /bookstore_0001h/sync_depth_00038.png 518.8579 +/bedroom_0076a/rgb_00163.jpg /bedroom_0076a/sync_depth_00163.png 518.8579 +/kitchen_0051/rgb_00181.jpg /kitchen_0051/sync_depth_00181.png 518.8579 +/bookstore_0001h/rgb_00081.jpg /bookstore_0001h/sync_depth_00081.png 518.8579 +/kitchen_0041/rgb_00014.jpg /kitchen_0041/sync_depth_00014.png 518.8579 +/bedroom_0060/rgb_00060.jpg /bedroom_0060/sync_depth_00060.png 518.8579 +/indoor_balcony_0001/rgb_00007.jpg /indoor_balcony_0001/sync_depth_00007.png 518.8579 +/furniture_store_0001d/rgb_00072.jpg /furniture_store_0001d/sync_depth_00072.png 518.8579 +/bedroom_0076a/rgb_00206.jpg /bedroom_0076a/sync_depth_00206.png 518.8579 +/dining_room_0012/rgb_00108.jpg /dining_room_0012/sync_depth_00108.png 518.8579 +/living_room_0010/rgb_00213.jpg /living_room_0010/sync_depth_00213.png 518.8579 +/living_room_0011/rgb_00042.jpg /living_room_0011/sync_depth_00042.png 518.8579 +/bedroom_0120/rgb_00019.jpg /bedroom_0120/sync_depth_00019.png 518.8579 +/bathroom_0005/rgb_00041.jpg /bathroom_0005/sync_depth_00041.png 518.8579 +/living_room_0050/rgb_00248.jpg /living_room_0050/sync_depth_00248.png 518.8579 +/bathroom_0005/rgb_00013.jpg /bathroom_0005/sync_depth_00013.png 518.8579 +/dining_room_0028/rgb_00042.jpg /dining_room_0028/sync_depth_00042.png 518.8579 +/living_room_0040/rgb_00026.jpg /living_room_0040/sync_depth_00026.png 518.8579 +/living_room_0058/rgb_00155.jpg /living_room_0058/sync_depth_00155.png 518.8579 +/bedroom_0052/rgb_00139.jpg /bedroom_0052/sync_depth_00139.png 518.8579 +/living_room_0004/rgb_00048.jpg /living_room_0004/sync_depth_00048.png 518.8579 +/furniture_store_0002a/rgb_00359.jpg /furniture_store_0002a/sync_depth_00359.png 518.8579 +/nyu_office_0/rgb_00295.jpg /nyu_office_0/sync_depth_00295.png 518.8579 +/bedroom_0072/rgb_00040.jpg /bedroom_0072/sync_depth_00040.png 518.8579 +/bedroom_0026/rgb_00073.jpg /bedroom_0026/sync_depth_00073.png 518.8579 +/bedroom_0034/rgb_00049.jpg /bedroom_0034/sync_depth_00049.png 518.8579 +/bathroom_0010/rgb_00049.jpg /bathroom_0010/sync_depth_00049.png 518.8579 +/study_room_0005a/rgb_00028.jpg /study_room_0005a/sync_depth_00028.png 518.8579 +/dining_room_0015/rgb_00276.jpg /dining_room_0015/sync_depth_00276.png 518.8579 +/kitchen_0052/rgb_00057.jpg /kitchen_0052/sync_depth_00057.png 518.8579 +/dining_room_0014/rgb_00074.jpg /dining_room_0014/sync_depth_00074.png 518.8579 +/dining_room_0031/rgb_00070.jpg /dining_room_0031/sync_depth_00070.png 518.8579 +/kitchen_0011a/rgb_00124.jpg /kitchen_0011a/sync_depth_00124.png 518.8579 +/nyu_office_0/rgb_00418.jpg /nyu_office_0/sync_depth_00418.png 518.8579 +/living_room_0040/rgb_00281.jpg /living_room_0040/sync_depth_00281.png 518.8579 +/home_office_0007/rgb_00008.jpg /home_office_0007/sync_depth_00008.png 518.8579 +/dining_room_0029/rgb_00137.jpg /dining_room_0029/sync_depth_00137.png 518.8579 +/bedroom_0004/rgb_00114.jpg /bedroom_0004/sync_depth_00114.png 518.8579 +/living_room_0069a/rgb_00112.jpg /living_room_0069a/sync_depth_00112.png 518.8579 +/dining_room_0034/rgb_00031.jpg /dining_room_0034/sync_depth_00031.png 518.8579 +/bathroom_0034/rgb_00016.jpg /bathroom_0034/sync_depth_00016.png 518.8579 +/living_room_0063/rgb_00012.jpg /living_room_0063/sync_depth_00012.png 518.8579 +/bedroom_0056b/rgb_00003.jpg /bedroom_0056b/sync_depth_00003.png 518.8579 +/computer_lab_0002/rgb_00016.jpg /computer_lab_0002/sync_depth_00016.png 518.8579 +/bookstore_0001i/rgb_00001.jpg /bookstore_0001i/sync_depth_00001.png 518.8579 +/living_room_0012/rgb_00059.jpg /living_room_0012/sync_depth_00059.png 518.8579 +/living_room_0019/rgb_00183.jpg /living_room_0019/sync_depth_00183.png 518.8579 +/bedroom_0062/rgb_00064.jpg /bedroom_0062/sync_depth_00064.png 518.8579 +/kitchen_0011a/rgb_00040.jpg /kitchen_0011a/sync_depth_00040.png 518.8579 +/living_room_0063/rgb_00056.jpg /living_room_0063/sync_depth_00056.png 518.8579 +/study_0004/rgb_00036.jpg /study_0004/sync_depth_00036.png 518.8579 +/bedroom_0051/rgb_00176.jpg /bedroom_0051/sync_depth_00176.png 518.8579 +/furniture_store_0002b/rgb_00194.jpg /furniture_store_0002b/sync_depth_00194.png 518.8579 +/bathroom_0045a/rgb_00003.jpg /bathroom_0045a/sync_depth_00003.png 518.8579 +/study_room_0005b/rgb_00011.jpg /study_room_0005b/sync_depth_00011.png 518.8579 +/playroom_0002/rgb_00075.jpg /playroom_0002/sync_depth_00075.png 518.8579 +/bedroom_0066/rgb_00054.jpg /bedroom_0066/sync_depth_00054.png 518.8579 +/living_room_0062/rgb_00177.jpg /living_room_0062/sync_depth_00177.png 518.8579 +/dinette_0001/rgb_00072.jpg /dinette_0001/sync_depth_00072.png 518.8579 +/living_room_0004/rgb_00133.jpg /living_room_0004/sync_depth_00133.png 518.8579 +/bedroom_0096/rgb_00019.jpg /bedroom_0096/sync_depth_00019.png 518.8579 +/bathroom_0033/rgb_00031.jpg /bathroom_0033/sync_depth_00031.png 518.8579 +/furniture_store_0001f/rgb_00023.jpg /furniture_store_0001f/sync_depth_00023.png 518.8579 +/kitchen_0059/rgb_00054.jpg /kitchen_0059/sync_depth_00054.png 518.8579 +/bathroom_0054/rgb_00026.jpg /bathroom_0054/sync_depth_00026.png 518.8579 +/playroom_0002/rgb_00040.jpg /playroom_0002/sync_depth_00040.png 518.8579 +/kitchen_0017/rgb_00074.jpg /kitchen_0017/sync_depth_00074.png 518.8579 +/office_0004/rgb_00038.jpg /office_0004/sync_depth_00038.png 518.8579 +/bedroom_0052/rgb_00052.jpg /bedroom_0052/sync_depth_00052.png 518.8579 +/living_room_0005/rgb_00119.jpg /living_room_0005/sync_depth_00119.png 518.8579 +/living_room_0010/rgb_00093.jpg /living_room_0010/sync_depth_00093.png 518.8579 +/living_room_0069a/rgb_00042.jpg /living_room_0069a/sync_depth_00042.png 518.8579 +/bedroom_0096/rgb_00093.jpg /bedroom_0096/sync_depth_00093.png 518.8579 +/living_room_0055/rgb_00065.jpg /living_room_0055/sync_depth_00065.png 518.8579 +/bathroom_0056/rgb_00044.jpg /bathroom_0056/sync_depth_00044.png 518.8579 +/kitchen_0045a/rgb_00027.jpg /kitchen_0045a/sync_depth_00027.png 518.8579 +/living_room_0004/rgb_00146.jpg /living_room_0004/sync_depth_00146.png 518.8579 +/kitchen_0035b/rgb_00169.jpg /kitchen_0035b/sync_depth_00169.png 518.8579 +/bedroom_0025/rgb_00132.jpg /bedroom_0025/sync_depth_00132.png 518.8579 +/bookstore_0001d/rgb_00162.jpg /bookstore_0001d/sync_depth_00162.png 518.8579 +/bathroom_0001/rgb_00016.jpg /bathroom_0001/sync_depth_00016.png 518.8579 +/bedroom_0040/rgb_00021.jpg /bedroom_0040/sync_depth_00021.png 518.8579 +/kitchen_0060/rgb_00141.jpg /kitchen_0060/sync_depth_00141.png 518.8579 +/bedroom_0076a/rgb_00021.jpg /bedroom_0076a/sync_depth_00021.png 518.8579 +/living_room_0018/rgb_00116.jpg /living_room_0018/sync_depth_00116.png 518.8579 +/kitchen_0049/rgb_00074.jpg /kitchen_0049/sync_depth_00074.png 518.8579 +/nyu_office_0/rgb_00384.jpg /nyu_office_0/sync_depth_00384.png 518.8579 +/living_room_0011/rgb_00062.jpg /living_room_0011/sync_depth_00062.png 518.8579 +/bathroom_0033/rgb_00014.jpg /bathroom_0033/sync_depth_00014.png 518.8579 +/bathroom_0055/rgb_00017.jpg /bathroom_0055/sync_depth_00017.png 518.8579 +/bedroom_0097/rgb_00062.jpg /bedroom_0097/sync_depth_00062.png 518.8579 +/home_office_0004/rgb_00041.jpg /home_office_0004/sync_depth_00041.png 518.8579 +/bedroom_0021/rgb_00057.jpg /bedroom_0021/sync_depth_00057.png 518.8579 +/kitchen_0049/rgb_00150.jpg /kitchen_0049/sync_depth_00150.png 518.8579 +/student_lounge_0001/rgb_00014.jpg /student_lounge_0001/sync_depth_00014.png 518.8579 +/living_room_0011/rgb_00071.jpg /living_room_0011/sync_depth_00071.png 518.8579 +/study_room_0004/rgb_00008.jpg /study_room_0004/sync_depth_00008.png 518.8579 +/kitchen_0028a/rgb_00033.jpg /kitchen_0028a/sync_depth_00033.png 518.8579 +/kitchen_0017/rgb_00101.jpg /kitchen_0017/sync_depth_00101.png 518.8579 +/living_room_0039/rgb_00098.jpg /living_room_0039/sync_depth_00098.png 518.8579 +/furniture_store_0002b/rgb_00176.jpg /furniture_store_0002b/sync_depth_00176.png 518.8579 +/bedroom_0041/rgb_00044.jpg /bedroom_0041/sync_depth_00044.png 518.8579 +/dining_room_0033/rgb_00067.jpg /dining_room_0033/sync_depth_00067.png 518.8579 +/playroom_0002/rgb_00012.jpg /playroom_0002/sync_depth_00012.png 518.8579 +/living_room_0020/rgb_00152.jpg /living_room_0020/sync_depth_00152.png 518.8579 +/bathroom_0028/rgb_00053.jpg /bathroom_0028/sync_depth_00053.png 518.8579 +/basement_0001a/rgb_00066.jpg /basement_0001a/sync_depth_00066.png 518.8579 +/kitchen_0028a/rgb_00200.jpg /kitchen_0028a/sync_depth_00200.png 518.8579 +/basement_0001a/rgb_00096.jpg /basement_0001a/sync_depth_00096.png 518.8579 +/furniture_store_0001d/rgb_00073.jpg /furniture_store_0001d/sync_depth_00073.png 518.8579 +/bathroom_0041/rgb_00059.jpg /bathroom_0041/sync_depth_00059.png 518.8579 +/study_room_0005b/rgb_00015.jpg /study_room_0005b/sync_depth_00015.png 518.8579 +/furniture_store_0001b/rgb_00088.jpg /furniture_store_0001b/sync_depth_00088.png 518.8579 +/bedroom_0026/rgb_00072.jpg /bedroom_0026/sync_depth_00072.png 518.8579 +/living_room_0047b/rgb_00123.jpg /living_room_0047b/sync_depth_00123.png 518.8579 +/bedroom_0125a/rgb_00030.jpg /bedroom_0125a/sync_depth_00030.png 518.8579 +/kitchen_0010/rgb_00070.jpg /kitchen_0010/sync_depth_00070.png 518.8579 +/kitchen_0051/rgb_00010.jpg /kitchen_0051/sync_depth_00010.png 518.8579 +/bookstore_0001e/rgb_00073.jpg /bookstore_0001e/sync_depth_00073.png 518.8579 +/kitchen_0028a/rgb_00051.jpg /kitchen_0028a/sync_depth_00051.png 518.8579 +/dining_room_0033/rgb_00014.jpg /dining_room_0033/sync_depth_00014.png 518.8579 +/kitchen_0011b/rgb_00083.jpg /kitchen_0011b/sync_depth_00083.png 518.8579 +/dining_room_0028/rgb_00120.jpg /dining_room_0028/sync_depth_00120.png 518.8579 +/living_room_0069b/rgb_00049.jpg /living_room_0069b/sync_depth_00049.png 518.8579 +/office_0009/rgb_00054.jpg /office_0009/sync_depth_00054.png 518.8579 +/kitchen_0051/rgb_00343.jpg /kitchen_0051/sync_depth_00343.png 518.8579 +/study_room_0004/rgb_00063.jpg /study_room_0004/sync_depth_00063.png 518.8579 +/furniture_store_0001d/rgb_00255.jpg /furniture_store_0001d/sync_depth_00255.png 518.8579 +/bedroom_0012/rgb_00028.jpg /bedroom_0012/sync_depth_00028.png 518.8579 +/dining_room_0023/rgb_00030.jpg /dining_room_0023/sync_depth_00030.png 518.8579 +/nyu_office_0/rgb_00139.jpg /nyu_office_0/sync_depth_00139.png 518.8579 +/bedroom_0072/rgb_00096.jpg /bedroom_0072/sync_depth_00096.png 518.8579 +/bedroom_0025/rgb_00083.jpg /bedroom_0025/sync_depth_00083.png 518.8579 +/bookstore_0001f/rgb_00292.jpg /bookstore_0001f/sync_depth_00292.png 518.8579 +/living_room_0018/rgb_00148.jpg /living_room_0018/sync_depth_00148.png 518.8579 +/dining_room_0007/rgb_00060.jpg /dining_room_0007/sync_depth_00060.png 518.8579 +/office_kitchen_0003/rgb_00110.jpg /office_kitchen_0003/sync_depth_00110.png 518.8579 +/bathroom_0051/rgb_00055.jpg /bathroom_0051/sync_depth_00055.png 518.8579 +/playroom_0006/rgb_00098.jpg /playroom_0006/sync_depth_00098.png 518.8579 +/kitchen_0043/rgb_00019.jpg /kitchen_0043/sync_depth_00019.png 518.8579 +/home_office_0013/rgb_00084.jpg /home_office_0013/sync_depth_00084.png 518.8579 +/kitchen_0048/rgb_00150.jpg /kitchen_0048/sync_depth_00150.png 518.8579 +/study_0003/rgb_00102.jpg /study_0003/sync_depth_00102.png 518.8579 +/playroom_0004/rgb_00078.jpg /playroom_0004/sync_depth_00078.png 518.8579 +/living_room_0069a/rgb_00105.jpg /living_room_0069a/sync_depth_00105.png 518.8579 +/kitchen_0045a/rgb_00056.jpg /kitchen_0045a/sync_depth_00056.png 518.8579 +/dinette_0001/rgb_00056.jpg /dinette_0001/sync_depth_00056.png 518.8579 +/reception_room_0001b/rgb_00046.jpg /reception_room_0001b/sync_depth_00046.png 518.8579 +/playroom_0004/rgb_00015.jpg /playroom_0004/sync_depth_00015.png 518.8579 +/home_office_0006/rgb_00185.jpg /home_office_0006/sync_depth_00185.png 518.8579 +/kitchen_0048/rgb_00116.jpg /kitchen_0048/sync_depth_00116.png 518.8579 +/kitchen_0028b/rgb_00026.jpg /kitchen_0028b/sync_depth_00026.png 518.8579 +/bookstore_0001i/rgb_00163.jpg /bookstore_0001i/sync_depth_00163.png 518.8579 +/living_room_0040/rgb_00194.jpg /living_room_0040/sync_depth_00194.png 518.8579 +/bedroom_0076a/rgb_00047.jpg /bedroom_0076a/sync_depth_00047.png 518.8579 +/bedroom_0016/rgb_00145.jpg /bedroom_0016/sync_depth_00145.png 518.8579 +/kitchen_0059/rgb_00093.jpg /kitchen_0059/sync_depth_00093.png 518.8579 +/bedroom_0074/rgb_00114.jpg /bedroom_0074/sync_depth_00114.png 518.8579 +/bookstore_0001j/rgb_00141.jpg /bookstore_0001j/sync_depth_00141.png 518.8579 +/living_room_0050/rgb_00014.jpg /living_room_0050/sync_depth_00014.png 518.8579 +/dining_room_0016/rgb_00155.jpg /dining_room_0016/sync_depth_00155.png 518.8579 +/bathroom_0042/rgb_00047.jpg /bathroom_0042/sync_depth_00047.png 518.8579 +/kitchen_0050/rgb_00071.jpg /kitchen_0050/sync_depth_00071.png 518.8579 +/living_room_0012/rgb_00122.jpg /living_room_0012/sync_depth_00122.png 518.8579 +/bedroom_0069/rgb_00032.jpg /bedroom_0069/sync_depth_00032.png 518.8579 +/office_0021/rgb_00063.jpg /office_0021/sync_depth_00063.png 518.8579 +/bedroom_0072/rgb_00156.jpg /bedroom_0072/sync_depth_00156.png 518.8579 +/kitchen_0048/rgb_00042.jpg /kitchen_0048/sync_depth_00042.png 518.8579 +/living_room_0022/rgb_00278.jpg /living_room_0022/sync_depth_00278.png 518.8579 +/bedroom_0052/rgb_00119.jpg /bedroom_0052/sync_depth_00119.png 518.8579 +/dining_room_0037/rgb_00166.jpg /dining_room_0037/sync_depth_00166.png 518.8579 +/dining_room_0033/rgb_00198.jpg /dining_room_0033/sync_depth_00198.png 518.8579 +/living_room_0004/rgb_00123.jpg /living_room_0004/sync_depth_00123.png 518.8579 +/kitchen_0050/rgb_00142.jpg /kitchen_0050/sync_depth_00142.png 518.8579 +/bedroom_0072/rgb_00079.jpg /bedroom_0072/sync_depth_00079.png 518.8579 +/bookstore_0001g/rgb_00105.jpg /bookstore_0001g/sync_depth_00105.png 518.8579 +/office_0009/rgb_00041.jpg /office_0009/sync_depth_00041.png 518.8579 +/living_room_0022/rgb_00320.jpg /living_room_0022/sync_depth_00320.png 518.8579 +/furniture_store_0002b/rgb_00157.jpg /furniture_store_0002b/sync_depth_00157.png 518.8579 +/dining_room_0013/rgb_00046.jpg /dining_room_0013/sync_depth_00046.png 518.8579 +/living_room_0042a/rgb_00004.jpg /living_room_0042a/sync_depth_00004.png 518.8579 +/basement_0001b/rgb_00019.jpg /basement_0001b/sync_depth_00019.png 518.8579 +/kitchen_0052/rgb_00073.jpg /kitchen_0052/sync_depth_00073.png 518.8579 +/kitchen_0019a/rgb_00269.jpg /kitchen_0019a/sync_depth_00269.png 518.8579 +/playroom_0003/rgb_00125.jpg /playroom_0003/sync_depth_00125.png 518.8579 +/dining_room_0033/rgb_00048.jpg /dining_room_0033/sync_depth_00048.png 518.8579 +/bathroom_0028/rgb_00177.jpg /bathroom_0028/sync_depth_00177.png 518.8579 +/dining_room_0007/rgb_00085.jpg /dining_room_0007/sync_depth_00085.png 518.8579 +/living_room_0047a/rgb_00061.jpg /living_room_0047a/sync_depth_00061.png 518.8579 +/bedroom_0130/rgb_00068.jpg /bedroom_0130/sync_depth_00068.png 518.8579 +/office_0026/rgb_00168.jpg /office_0026/sync_depth_00168.png 518.8579 +/bathroom_0048/rgb_00057.jpg /bathroom_0048/sync_depth_00057.png 518.8579 +/living_room_0039/rgb_00137.jpg /living_room_0039/sync_depth_00137.png 518.8579 +/dining_room_0016/rgb_00073.jpg /dining_room_0016/sync_depth_00073.png 518.8579 +/kitchen_0031/rgb_00139.jpg /kitchen_0031/sync_depth_00139.png 518.8579 +/home_storage_0001/rgb_00087.jpg /home_storage_0001/sync_depth_00087.png 518.8579 +/living_room_0011/rgb_00083.jpg /living_room_0011/sync_depth_00083.png 518.8579 +/office_kitchen_0001a/rgb_00046.jpg /office_kitchen_0001a/sync_depth_00046.png 518.8579 +/bedroom_0021/rgb_00034.jpg /bedroom_0021/sync_depth_00034.png 518.8579 +/bedroom_0017/rgb_00031.jpg /bedroom_0017/sync_depth_00031.png 518.8579 +/office_0026/rgb_00017.jpg /office_0026/sync_depth_00017.png 518.8579 +/bedroom_0028/rgb_00056.jpg /bedroom_0028/sync_depth_00056.png 518.8579 +/living_room_0040/rgb_00234.jpg /living_room_0040/sync_depth_00234.png 518.8579 +/bedroom_0026/rgb_00128.jpg /bedroom_0026/sync_depth_00128.png 518.8579 +/bedroom_0080/rgb_00071.jpg /bedroom_0080/sync_depth_00071.png 518.8579 +/living_room_0035/rgb_00038.jpg /living_room_0035/sync_depth_00038.png 518.8579 +/bedroom_0136/rgb_00131.jpg /bedroom_0136/sync_depth_00131.png 518.8579 +/nyu_office_1/rgb_00023.jpg /nyu_office_1/sync_depth_00023.png 518.8579 +/bedroom_0050/rgb_00095.jpg /bedroom_0050/sync_depth_00095.png 518.8579 +/furniture_store_0002a/rgb_00007.jpg /furniture_store_0002a/sync_depth_00007.png 518.8579 +/kitchen_0047/rgb_00024.jpg /kitchen_0047/sync_depth_00024.png 518.8579 +/kitchen_0052/rgb_00058.jpg /kitchen_0052/sync_depth_00058.png 518.8579 +/home_office_0008/rgb_00055.jpg /home_office_0008/sync_depth_00055.png 518.8579 +/bedroom_0062/rgb_00004.jpg /bedroom_0062/sync_depth_00004.png 518.8579 +/bathroom_0019/rgb_00020.jpg /bathroom_0019/sync_depth_00020.png 518.8579 +/playroom_0003/rgb_00143.jpg /playroom_0003/sync_depth_00143.png 518.8579 +/study_0003/rgb_00024.jpg /study_0003/sync_depth_00024.png 518.8579 +/furniture_store_0002b/rgb_00263.jpg /furniture_store_0002b/sync_depth_00263.png 518.8579 +/living_room_0039/rgb_00172.jpg /living_room_0039/sync_depth_00172.png 518.8579 +/bedroom_0086/rgb_00050.jpg /bedroom_0086/sync_depth_00050.png 518.8579 +/bathroom_0019/rgb_00050.jpg /bathroom_0019/sync_depth_00050.png 518.8579 +/dining_room_0004/rgb_00106.jpg /dining_room_0004/sync_depth_00106.png 518.8579 +/living_room_0086b/rgb_00012.jpg /living_room_0086b/sync_depth_00012.png 518.8579 +/bedroom_0140/rgb_00180.jpg /bedroom_0140/sync_depth_00180.png 518.8579 +/bedroom_0016/rgb_00182.jpg /bedroom_0016/sync_depth_00182.png 518.8579 +/office_0009/rgb_00037.jpg /office_0009/sync_depth_00037.png 518.8579 +/office_0026/rgb_00163.jpg /office_0026/sync_depth_00163.png 518.8579 +/study_0003/rgb_00012.jpg /study_0003/sync_depth_00012.png 518.8579 +/bedroom_0063/rgb_00054.jpg /bedroom_0063/sync_depth_00054.png 518.8579 +/living_room_0069a/rgb_00057.jpg /living_room_0069a/sync_depth_00057.png 518.8579 +/reception_room_0002/rgb_00111.jpg /reception_room_0002/sync_depth_00111.png 518.8579 +/living_room_0022/rgb_00138.jpg /living_room_0022/sync_depth_00138.png 518.8579 +/living_room_0085/rgb_00019.jpg /living_room_0085/sync_depth_00019.png 518.8579 +/living_room_0022/rgb_00234.jpg /living_room_0022/sync_depth_00234.png 518.8579 +/kitchen_0053/rgb_00069.jpg /kitchen_0053/sync_depth_00069.png 518.8579 +/kitchen_0048/rgb_00096.jpg /kitchen_0048/sync_depth_00096.png 518.8579 +/dining_room_0007/rgb_00125.jpg /dining_room_0007/sync_depth_00125.png 518.8579 +/living_room_0046b/rgb_00097.jpg /living_room_0046b/sync_depth_00097.png 518.8579 +/kitchen_0050/rgb_00213.jpg /kitchen_0050/sync_depth_00213.png 518.8579 +/living_room_0047a/rgb_00057.jpg /living_room_0047a/sync_depth_00057.png 518.8579 +/bathroom_0028/rgb_00174.jpg /bathroom_0028/sync_depth_00174.png 518.8579 +/kitchen_0019a/rgb_00109.jpg /kitchen_0019a/sync_depth_00109.png 518.8579 +/kitchen_0031/rgb_00143.jpg /kitchen_0031/sync_depth_00143.png 518.8579 +/bedroom_0063/rgb_00101.jpg /bedroom_0063/sync_depth_00101.png 518.8579 +/kitchen_0043/rgb_00139.jpg /kitchen_0043/sync_depth_00139.png 518.8579 +/kitchen_0035b/rgb_00174.jpg /kitchen_0035b/sync_depth_00174.png 518.8579 +/bedroom_0034/rgb_00039.jpg /bedroom_0034/sync_depth_00039.png 518.8579 +/bookstore_0001f/rgb_00317.jpg /bookstore_0001f/sync_depth_00317.png 518.8579 +/nyu_office_0/rgb_00417.jpg /nyu_office_0/sync_depth_00417.png 518.8579 +/furniture_store_0002a/rgb_00362.jpg /furniture_store_0002a/sync_depth_00362.png 518.8579 +/nyu_office_0/rgb_00263.jpg /nyu_office_0/sync_depth_00263.png 518.8579 +/office_kitchen_0003/rgb_00055.jpg /office_kitchen_0003/sync_depth_00055.png 518.8579 +/bedroom_0078/rgb_00113.jpg /bedroom_0078/sync_depth_00113.png 518.8579 +/bedroom_0140/rgb_00120.jpg /bedroom_0140/sync_depth_00120.png 518.8579 +/office_0004/rgb_00099.jpg /office_0004/sync_depth_00099.png 518.8579 +/living_room_0047b/rgb_00179.jpg /living_room_0047b/sync_depth_00179.png 518.8579 +/printer_room_0001/rgb_00078.jpg /printer_room_0001/sync_depth_00078.png 518.8579 +/dining_room_0015/rgb_00157.jpg /dining_room_0015/sync_depth_00157.png 518.8579 +/living_room_0078/rgb_00085.jpg /living_room_0078/sync_depth_00085.png 518.8579 +/living_room_0040/rgb_00144.jpg /living_room_0040/sync_depth_00144.png 518.8579 +/living_room_0022/rgb_00156.jpg /living_room_0022/sync_depth_00156.png 518.8579 +/bedroom_0076a/rgb_00035.jpg /bedroom_0076a/sync_depth_00035.png 518.8579 +/bookstore_0001e/rgb_00200.jpg /bookstore_0001e/sync_depth_00200.png 518.8579 +/kitchen_0011a/rgb_00031.jpg /kitchen_0011a/sync_depth_00031.png 518.8579 +/conference_room_0001/rgb_00133.jpg /conference_room_0001/sync_depth_00133.png 518.8579 +/bedroom_0140/rgb_00030.jpg /bedroom_0140/sync_depth_00030.png 518.8579 +/bedroom_0106/rgb_00042.jpg /bedroom_0106/sync_depth_00042.png 518.8579 +/living_room_0086a/rgb_00017.jpg /living_room_0086a/sync_depth_00017.png 518.8579 +/computer_lab_0002/rgb_00050.jpg /computer_lab_0002/sync_depth_00050.png 518.8579 +/furniture_store_0001d/rgb_00059.jpg /furniture_store_0001d/sync_depth_00059.png 518.8579 +/office_0012/rgb_00094.jpg /office_0012/sync_depth_00094.png 518.8579 +/bedroom_0136/rgb_00078.jpg /bedroom_0136/sync_depth_00078.png 518.8579 +/classroom_0004/rgb_00074.jpg /classroom_0004/sync_depth_00074.png 518.8579 +/living_room_0010/rgb_00140.jpg /living_room_0010/sync_depth_00140.png 518.8579 +/bedroom_0019/rgb_00061.jpg /bedroom_0019/sync_depth_00061.png 518.8579 +/bedroom_0129/rgb_00048.jpg /bedroom_0129/sync_depth_00048.png 518.8579 +/living_room_0047b/rgb_00104.jpg /living_room_0047b/sync_depth_00104.png 518.8579 +/kitchen_0033/rgb_00128.jpg /kitchen_0033/sync_depth_00128.png 518.8579 +/home_office_0008/rgb_00043.jpg /home_office_0008/sync_depth_00043.png 518.8579 +/bedroom_0017/rgb_00098.jpg /bedroom_0017/sync_depth_00098.png 518.8579 +/bookstore_0001f/rgb_00023.jpg /bookstore_0001f/sync_depth_00023.png 518.8579 +/living_room_0004/rgb_00037.jpg /living_room_0004/sync_depth_00037.png 518.8579 +/bookstore_0001i/rgb_00021.jpg /bookstore_0001i/sync_depth_00021.png 518.8579 +/study_room_0004/rgb_00216.jpg /study_room_0004/sync_depth_00216.png 518.8579 +/kitchen_0053/rgb_00159.jpg /kitchen_0053/sync_depth_00159.png 518.8579 +/nyu_office_1/rgb_00097.jpg /nyu_office_1/sync_depth_00097.png 518.8579 +/bookstore_0001f/rgb_00490.jpg /bookstore_0001f/sync_depth_00490.png 518.8579 +/office_kitchen_0001a/rgb_00039.jpg /office_kitchen_0001a/sync_depth_00039.png 518.8579 +/dining_room_0013/rgb_00022.jpg /dining_room_0013/sync_depth_00022.png 518.8579 +/reception_room_0004/rgb_00039.jpg /reception_room_0004/sync_depth_00039.png 518.8579 +/bookstore_0001d/rgb_00219.jpg /bookstore_0001d/sync_depth_00219.png 518.8579 +/bedroom_0090/rgb_00020.jpg /bedroom_0090/sync_depth_00020.png 518.8579 +/kitchen_0037/rgb_00005.jpg /kitchen_0037/sync_depth_00005.png 518.8579 +/kitchen_0053/rgb_00204.jpg /kitchen_0053/sync_depth_00204.png 518.8579 +/bedroom_0076a/rgb_00245.jpg /bedroom_0076a/sync_depth_00245.png 518.8579 +/playroom_0006/rgb_00035.jpg /playroom_0006/sync_depth_00035.png 518.8579 +/living_room_0050/rgb_00259.jpg /living_room_0050/sync_depth_00259.png 518.8579 +/kitchen_0035b/rgb_00158.jpg /kitchen_0035b/sync_depth_00158.png 518.8579 +/bathroom_0049/rgb_00035.jpg /bathroom_0049/sync_depth_00035.png 518.8579 +/classroom_0012/rgb_00019.jpg /classroom_0012/sync_depth_00019.png 518.8579 +/bedroom_0052/rgb_00016.jpg /bedroom_0052/sync_depth_00016.png 518.8579 +/bathroom_0007/rgb_00061.jpg /bathroom_0007/sync_depth_00061.png 518.8579 +/bedroom_0028/rgb_00073.jpg /bedroom_0028/sync_depth_00073.png 518.8579 +/dining_room_0016/rgb_00093.jpg /dining_room_0016/sync_depth_00093.png 518.8579 +/reception_room_0002/rgb_00074.jpg /reception_room_0002/sync_depth_00074.png 518.8579 +/bedroom_0106/rgb_00149.jpg /bedroom_0106/sync_depth_00149.png 518.8579 +/kitchen_0033/rgb_00113.jpg /kitchen_0033/sync_depth_00113.png 518.8579 +/cafe_0001c/rgb_00097.jpg /cafe_0001c/sync_depth_00097.png 518.8579 +/bedroom_0051/rgb_00144.jpg /bedroom_0051/sync_depth_00144.png 518.8579 +/furniture_store_0002b/rgb_00253.jpg /furniture_store_0002b/sync_depth_00253.png 518.8579 +/office_0026/rgb_00004.jpg /office_0026/sync_depth_00004.png 518.8579 +/living_room_0035/rgb_00001.jpg /living_room_0035/sync_depth_00001.png 518.8579 +/bedroom_0010/rgb_00087.jpg /bedroom_0010/sync_depth_00087.png 518.8579 +/living_room_0068/rgb_00107.jpg /living_room_0068/sync_depth_00107.png 518.8579 +/furniture_store_0002a/rgb_00389.jpg /furniture_store_0002a/sync_depth_00389.png 518.8579 +/home_storage_0001/rgb_00135.jpg /home_storage_0001/sync_depth_00135.png 518.8579 +/dining_room_0023/rgb_00077.jpg /dining_room_0023/sync_depth_00077.png 518.8579 +/living_room_0039/rgb_00077.jpg /living_room_0039/sync_depth_00077.png 518.8579 +/living_room_0018/rgb_00000.jpg /living_room_0018/sync_depth_00000.png 518.8579 +/living_room_0050/rgb_00238.jpg /living_room_0050/sync_depth_00238.png 518.8579 +/bedroom_0125b/rgb_00069.jpg /bedroom_0125b/sync_depth_00069.png 518.8579 +/bathroom_0028/rgb_00101.jpg /bathroom_0028/sync_depth_00101.png 518.8579 +/living_room_0069a/rgb_00043.jpg /living_room_0069a/sync_depth_00043.png 518.8579 +/bedroom_0063/rgb_00118.jpg /bedroom_0063/sync_depth_00118.png 518.8579 +/dining_room_0012/rgb_00129.jpg /dining_room_0012/sync_depth_00129.png 518.8579 +/living_room_0070/rgb_00001.jpg /living_room_0070/sync_depth_00001.png 518.8579 +/bedroom_0071/rgb_00075.jpg /bedroom_0071/sync_depth_00075.png 518.8579 +/bedroom_0066/rgb_00022.jpg /bedroom_0066/sync_depth_00022.png 518.8579 +/bedroom_0072/rgb_00054.jpg /bedroom_0072/sync_depth_00054.png 518.8579 +/bedroom_0140/rgb_00069.jpg /bedroom_0140/sync_depth_00069.png 518.8579 +/bedroom_0051/rgb_00170.jpg /bedroom_0051/sync_depth_00170.png 518.8579 +/furniture_store_0002a/rgb_00108.jpg /furniture_store_0002a/sync_depth_00108.png 518.8579 +/bedroom_0071/rgb_00133.jpg /bedroom_0071/sync_depth_00133.png 518.8579 +/living_room_0010/rgb_00078.jpg /living_room_0010/sync_depth_00078.png 518.8579 +/bedroom_0140/rgb_00110.jpg /bedroom_0140/sync_depth_00110.png 518.8579 +/dining_room_0019/rgb_00046.jpg /dining_room_0019/sync_depth_00046.png 518.8579 +/living_room_0022/rgb_00046.jpg /living_room_0022/sync_depth_00046.png 518.8579 +/bedroom_0056a/rgb_00029.jpg /bedroom_0056a/sync_depth_00029.png 518.8579 +/home_office_0005/rgb_00102.jpg /home_office_0005/sync_depth_00102.png 518.8579 +/bedroom_0016/rgb_00148.jpg /bedroom_0016/sync_depth_00148.png 518.8579 +/furniture_store_0001b/rgb_00016.jpg /furniture_store_0001b/sync_depth_00016.png 518.8579 +/living_room_0062/rgb_00059.jpg /living_room_0062/sync_depth_00059.png 518.8579 +/bathroom_0041/rgb_00082.jpg /bathroom_0041/sync_depth_00082.png 518.8579 +/living_room_0069b/rgb_00015.jpg /living_room_0069b/sync_depth_00015.png 518.8579 +/office_0024/rgb_00057.jpg /office_0024/sync_depth_00057.png 518.8579 +/playroom_0003/rgb_00179.jpg /playroom_0003/sync_depth_00179.png 518.8579 +/dining_room_0019/rgb_00109.jpg /dining_room_0019/sync_depth_00109.png 518.8579 +/kitchen_0053/rgb_00221.jpg /kitchen_0053/sync_depth_00221.png 518.8579 +/study_0006/rgb_00007.jpg /study_0006/sync_depth_00007.png 518.8579 +/living_room_0078/rgb_00035.jpg /living_room_0078/sync_depth_00035.png 518.8579 +/furniture_store_0002b/rgb_00152.jpg /furniture_store_0002b/sync_depth_00152.png 518.8579 +/dining_room_0019/rgb_00171.jpg /dining_room_0019/sync_depth_00171.png 518.8579 +/bedroom_0057/rgb_00015.jpg /bedroom_0057/sync_depth_00015.png 518.8579 +/bookstore_0001g/rgb_00211.jpg /bookstore_0001g/sync_depth_00211.png 518.8579 +/bedroom_0042/rgb_00037.jpg /bedroom_0042/sync_depth_00037.png 518.8579 +/bedroom_0047/rgb_00056.jpg /bedroom_0047/sync_depth_00056.png 518.8579 +/bedroom_0086/rgb_00131.jpg /bedroom_0086/sync_depth_00131.png 518.8579 +/bookstore_0001g/rgb_00150.jpg /bookstore_0001g/sync_depth_00150.png 518.8579 +/bathroom_0055/rgb_00042.jpg /bathroom_0055/sync_depth_00042.png 518.8579 +/furniture_store_0002b/rgb_00144.jpg /furniture_store_0002b/sync_depth_00144.png 518.8579 +/playroom_0004/rgb_00048.jpg /playroom_0004/sync_depth_00048.png 518.8579 +/bedroom_0047/rgb_00028.jpg /bedroom_0047/sync_depth_00028.png 518.8579 +/bookstore_0001j/rgb_00183.jpg /bookstore_0001j/sync_depth_00183.png 518.8579 +/kitchen_0043/rgb_00136.jpg /kitchen_0043/sync_depth_00136.png 518.8579 +/kitchen_0051/rgb_00097.jpg /kitchen_0051/sync_depth_00097.png 518.8579 +/classroom_0010/rgb_00002.jpg /classroom_0010/sync_depth_00002.png 518.8579 +/bedroom_0051/rgb_00017.jpg /bedroom_0051/sync_depth_00017.png 518.8579 +/living_room_0046a/rgb_00034.jpg /living_room_0046a/sync_depth_00034.png 518.8579 +/bedroom_0004/rgb_00131.jpg /bedroom_0004/sync_depth_00131.png 518.8579 +/bathroom_0033/rgb_00012.jpg /bathroom_0033/sync_depth_00012.png 518.8579 +/bedroom_0125a/rgb_00026.jpg /bedroom_0125a/sync_depth_00026.png 518.8579 +/bedroom_0033/rgb_00007.jpg /bedroom_0033/sync_depth_00007.png 518.8579 +/office_0012/rgb_00046.jpg /office_0012/sync_depth_00046.png 518.8579 +/kitchen_0028a/rgb_00080.jpg /kitchen_0028a/sync_depth_00080.png 518.8579 +/bedroom_0096/rgb_00062.jpg /bedroom_0096/sync_depth_00062.png 518.8579 +/kitchen_0035b/rgb_00030.jpg /kitchen_0035b/sync_depth_00030.png 518.8579 +/bedroom_0072/rgb_00009.jpg /bedroom_0072/sync_depth_00009.png 518.8579 +/bathroom_0034/rgb_00083.jpg /bathroom_0034/sync_depth_00083.png 518.8579 +/nyu_office_1/rgb_00052.jpg /nyu_office_1/sync_depth_00052.png 518.8579 +/living_room_0047b/rgb_00018.jpg /living_room_0047b/sync_depth_00018.png 518.8579 +/kitchen_0045a/rgb_00007.jpg /kitchen_0045a/sync_depth_00007.png 518.8579 +/bookstore_0001e/rgb_00206.jpg /bookstore_0001e/sync_depth_00206.png 518.8579 +/kitchen_0031/rgb_00198.jpg /kitchen_0031/sync_depth_00198.png 518.8579 +/office_kitchen_0003/rgb_00048.jpg /office_kitchen_0003/sync_depth_00048.png 518.8579 +/living_room_0035/rgb_00067.jpg /living_room_0035/sync_depth_00067.png 518.8579 +/kitchen_0019a/rgb_00272.jpg /kitchen_0019a/sync_depth_00272.png 518.8579 +/living_room_0012/rgb_00143.jpg /living_room_0012/sync_depth_00143.png 518.8579 +/kitchen_0045a/rgb_00101.jpg /kitchen_0045a/sync_depth_00101.png 518.8579 +/study_room_0005b/rgb_00022.jpg /study_room_0005b/sync_depth_00022.png 518.8579 +/bookstore_0001d/rgb_00198.jpg /bookstore_0001d/sync_depth_00198.png 518.8579 +/playroom_0003/rgb_00200.jpg /playroom_0003/sync_depth_00200.png 518.8579 +/dining_room_0034/rgb_00210.jpg /dining_room_0034/sync_depth_00210.png 518.8579 +/bedroom_0016/rgb_00014.jpg /bedroom_0016/sync_depth_00014.png 518.8579 +/study_0003/rgb_00010.jpg /study_0003/sync_depth_00010.png 518.8579 +/living_room_0083/rgb_00034.jpg /living_room_0083/sync_depth_00034.png 518.8579 +/living_room_0042b/rgb_00088.jpg /living_room_0042b/sync_depth_00088.png 518.8579 +/furniture_store_0001d/rgb_00159.jpg /furniture_store_0001d/sync_depth_00159.png 518.8579 +/dining_room_0031/rgb_00352.jpg /dining_room_0031/sync_depth_00352.png 518.8579 +/bedroom_0020/rgb_00097.jpg /bedroom_0020/sync_depth_00097.png 518.8579 +/living_room_0040/rgb_00164.jpg /living_room_0040/sync_depth_00164.png 518.8579 +/bedroom_0066/rgb_00011.jpg /bedroom_0066/sync_depth_00011.png 518.8579 +/office_0004/rgb_00046.jpg /office_0004/sync_depth_00046.png 518.8579 +/bathroom_0010/rgb_00000.jpg /bathroom_0010/sync_depth_00000.png 518.8579 +/living_room_0070/rgb_00072.jpg /living_room_0070/sync_depth_00072.png 518.8579 +/bookstore_0001d/rgb_00125.jpg /bookstore_0001d/sync_depth_00125.png 518.8579 +/classroom_0006/rgb_00067.jpg /classroom_0006/sync_depth_00067.png 518.8579 +/living_room_0039/rgb_00015.jpg /living_room_0039/sync_depth_00015.png 518.8579 +/cafe_0001a/rgb_00034.jpg /cafe_0001a/sync_depth_00034.png 518.8579 +/living_room_0046a/rgb_00103.jpg /living_room_0046a/sync_depth_00103.png 518.8579 +/kitchen_0033/rgb_00165.jpg /kitchen_0033/sync_depth_00165.png 518.8579 +/home_office_0011/rgb_00065.jpg /home_office_0011/sync_depth_00065.png 518.8579 +/bedroom_0041/rgb_00064.jpg /bedroom_0041/sync_depth_00064.png 518.8579 +/kitchen_0048/rgb_00147.jpg /kitchen_0048/sync_depth_00147.png 518.8579 +/bookstore_0001j/rgb_00127.jpg /bookstore_0001j/sync_depth_00127.png 518.8579 +/living_room_0069a/rgb_00099.jpg /living_room_0069a/sync_depth_00099.png 518.8579 +/playroom_0002/rgb_00141.jpg /playroom_0002/sync_depth_00141.png 518.8579 +/living_room_0037/rgb_00044.jpg /living_room_0037/sync_depth_00044.png 518.8579 +/office_0004/rgb_00030.jpg /office_0004/sync_depth_00030.png 518.8579 +/dining_room_0029/rgb_00053.jpg /dining_room_0029/sync_depth_00053.png 518.8579 +/living_room_0058/rgb_00059.jpg /living_room_0058/sync_depth_00059.png 518.8579 +/bedroom_0033/rgb_00032.jpg /bedroom_0033/sync_depth_00032.png 518.8579 +/living_room_0038/rgb_00081.jpg /living_room_0038/sync_depth_00081.png 518.8579 +/furniture_store_0002a/rgb_00092.jpg /furniture_store_0002a/sync_depth_00092.png 518.8579 +/bedroom_0080/rgb_00003.jpg /bedroom_0080/sync_depth_00003.png 518.8579 +/kitchen_0033/rgb_00142.jpg /kitchen_0033/sync_depth_00142.png 518.8579 +/bedroom_0066/rgb_00041.jpg /bedroom_0066/sync_depth_00041.png 518.8579 +/dining_room_0001b/rgb_00180.jpg /dining_room_0001b/sync_depth_00180.png 518.8579 +/kitchen_0003/rgb_00038.jpg /kitchen_0003/sync_depth_00038.png 518.8579 +/living_room_0058/rgb_00123.jpg /living_room_0058/sync_depth_00123.png 518.8579 +/bookstore_0001i/rgb_00029.jpg /bookstore_0001i/sync_depth_00029.png 518.8579 +/study_0003/rgb_00057.jpg /study_0003/sync_depth_00057.png 518.8579 +/bedroom_0015/rgb_00020.jpg /bedroom_0015/sync_depth_00020.png 518.8579 +/living_room_0018/rgb_00133.jpg /living_room_0018/sync_depth_00133.png 518.8579 +/dining_room_0014/rgb_00077.jpg /dining_room_0014/sync_depth_00077.png 518.8579 +/dining_room_0037/rgb_00161.jpg /dining_room_0037/sync_depth_00161.png 518.8579 +/dining_room_0028/rgb_00141.jpg /dining_room_0028/sync_depth_00141.png 518.8579 +/living_room_0029/rgb_00115.jpg /living_room_0029/sync_depth_00115.png 518.8579 +/dining_room_0013/rgb_00162.jpg /dining_room_0013/sync_depth_00162.png 518.8579 +/bathroom_0041/rgb_00012.jpg /bathroom_0041/sync_depth_00012.png 518.8579 +/cafe_0001c/rgb_00098.jpg /cafe_0001c/sync_depth_00098.png 518.8579 +/bookstore_0001e/rgb_00101.jpg /bookstore_0001e/sync_depth_00101.png 518.8579 +/nyu_office_1/rgb_00081.jpg /nyu_office_1/sync_depth_00081.png 518.8579 +/living_room_0019/rgb_00127.jpg /living_room_0019/sync_depth_00127.png 518.8579 +/furniture_store_0002a/rgb_00236.jpg /furniture_store_0002a/sync_depth_00236.png 518.8579 +/dining_room_0033/rgb_00078.jpg /dining_room_0033/sync_depth_00078.png 518.8579 +/dining_room_0031/rgb_00112.jpg /dining_room_0031/sync_depth_00112.png 518.8579 +/living_room_0005/rgb_00022.jpg /living_room_0005/sync_depth_00022.png 518.8579 +/office_0021/rgb_00053.jpg /office_0021/sync_depth_00053.png 518.8579 +/bathroom_0013/rgb_00035.jpg /bathroom_0013/sync_depth_00035.png 518.8579 +/dining_room_0008/rgb_00152.jpg /dining_room_0008/sync_depth_00152.png 518.8579 +/kitchen_0049/rgb_00078.jpg /kitchen_0049/sync_depth_00078.png 518.8579 +/bedroom_0097/rgb_00033.jpg /bedroom_0097/sync_depth_00033.png 518.8579 +/basement_0001a/rgb_00117.jpg /basement_0001a/sync_depth_00117.png 518.8579 +/cafe_0001c/rgb_00101.jpg /cafe_0001c/sync_depth_00101.png 518.8579 +/living_room_0046b/rgb_00078.jpg /living_room_0046b/sync_depth_00078.png 518.8579 +/dining_room_0023/rgb_00160.jpg /dining_room_0023/sync_depth_00160.png 518.8579 +/living_room_0022/rgb_00403.jpg /living_room_0022/sync_depth_00403.png 518.8579 +/reception_room_0002/rgb_00159.jpg /reception_room_0002/sync_depth_00159.png 518.8579 +/bookstore_0001d/rgb_00313.jpg /bookstore_0001d/sync_depth_00313.png 518.8579 +/nyu_office_0/rgb_00438.jpg /nyu_office_0/sync_depth_00438.png 518.8579 +/bookstore_0001d/rgb_00090.jpg /bookstore_0001d/sync_depth_00090.png 518.8579 +/dining_room_0004/rgb_00088.jpg /dining_room_0004/sync_depth_00088.png 518.8579 +/kitchen_0028b/rgb_00037.jpg /kitchen_0028b/sync_depth_00037.png 518.8579 +/cafe_0001c/rgb_00069.jpg /cafe_0001c/sync_depth_00069.png 518.8579 +/bookstore_0001g/rgb_00072.jpg /bookstore_0001g/sync_depth_00072.png 518.8579 +/bathroom_0028/rgb_00015.jpg /bathroom_0028/sync_depth_00015.png 518.8579 +/dining_room_0019/rgb_00029.jpg /dining_room_0019/sync_depth_00029.png 518.8579 +/bedroom_0052/rgb_00155.jpg /bedroom_0052/sync_depth_00155.png 518.8579 +/office_kitchen_0003/rgb_00065.jpg /office_kitchen_0003/sync_depth_00065.png 518.8579 +/bedroom_0107/rgb_00014.jpg /bedroom_0107/sync_depth_00014.png 518.8579 +/bookstore_0001g/rgb_00269.jpg /bookstore_0001g/sync_depth_00269.png 518.8579 +/living_room_0022/rgb_00151.jpg /living_room_0022/sync_depth_00151.png 518.8579 +/bedroom_0019/rgb_00105.jpg /bedroom_0019/sync_depth_00105.png 518.8579 +/bedroom_0125b/rgb_00040.jpg /bedroom_0125b/sync_depth_00040.png 518.8579 +/living_room_0062/rgb_00017.jpg /living_room_0062/sync_depth_00017.png 518.8579 +/living_room_0068/rgb_00062.jpg /living_room_0068/sync_depth_00062.png 518.8579 +/kitchen_0059/rgb_00032.jpg /kitchen_0059/sync_depth_00032.png 518.8579 +/bedroom_0072/rgb_00176.jpg /bedroom_0072/sync_depth_00176.png 518.8579 +/dining_room_0031/rgb_00229.jpg /dining_room_0031/sync_depth_00229.png 518.8579 +/kitchen_0047/rgb_00026.jpg /kitchen_0047/sync_depth_00026.png 518.8579 +/classroom_0010/rgb_00025.jpg /classroom_0010/sync_depth_00025.png 518.8579 +/living_room_0019/rgb_00223.jpg /living_room_0019/sync_depth_00223.png 518.8579 +/kitchen_0031/rgb_00004.jpg /kitchen_0031/sync_depth_00004.png 518.8579 +/study_0005/rgb_00014.jpg /study_0005/sync_depth_00014.png 518.8579 +/bathroom_0002/rgb_00012.jpg /bathroom_0002/sync_depth_00012.png 518.8579 +/bedroom_0034/rgb_00056.jpg /bedroom_0034/sync_depth_00056.png 518.8579 +/home_storage_0001/rgb_00114.jpg /home_storage_0001/sync_depth_00114.png 518.8579 +/bedroom_0025/rgb_00051.jpg /bedroom_0025/sync_depth_00051.png 518.8579 +/bedroom_0017/rgb_00111.jpg /bedroom_0017/sync_depth_00111.png 518.8579 +/living_room_0033/rgb_00033.jpg /living_room_0033/sync_depth_00033.png 518.8579 +/kitchen_0029c/rgb_00104.jpg /kitchen_0029c/sync_depth_00104.png 518.8579 +/bathroom_0056/rgb_00054.jpg /bathroom_0056/sync_depth_00054.png 518.8579 +/living_room_0050/rgb_00175.jpg /living_room_0050/sync_depth_00175.png 518.8579 +/bedroom_0081/rgb_00017.jpg /bedroom_0081/sync_depth_00017.png 518.8579 +/bedroom_0136/rgb_00071.jpg /bedroom_0136/sync_depth_00071.png 518.8579 +/student_lounge_0001/rgb_00233.jpg /student_lounge_0001/sync_depth_00233.png 518.8579 +/bedroom_0031/rgb_00021.jpg /bedroom_0031/sync_depth_00021.png 518.8579 +/furniture_store_0001c/rgb_00008.jpg /furniture_store_0001c/sync_depth_00008.png 518.8579 +/kitchen_0060/rgb_00015.jpg /kitchen_0060/sync_depth_00015.png 518.8579 +/bathroom_0019/rgb_00084.jpg /bathroom_0019/sync_depth_00084.png 518.8579 +/kitchen_0048/rgb_00020.jpg /kitchen_0048/sync_depth_00020.png 518.8579 +/living_room_0069a/rgb_00014.jpg /living_room_0069a/sync_depth_00014.png 518.8579 +/bedroom_0104/rgb_00004.jpg /bedroom_0104/sync_depth_00004.png 518.8579 +/dining_room_0014/rgb_00024.jpg /dining_room_0014/sync_depth_00024.png 518.8579 +/dining_room_0033/rgb_00183.jpg /dining_room_0033/sync_depth_00183.png 518.8579 +/bathroom_0019/rgb_00044.jpg /bathroom_0019/sync_depth_00044.png 518.8579 +/bedroom_0080/rgb_00070.jpg /bedroom_0080/sync_depth_00070.png 518.8579 +/bookstore_0001j/rgb_00106.jpg /bookstore_0001j/sync_depth_00106.png 518.8579 +/dining_room_0024/rgb_00136.jpg /dining_room_0024/sync_depth_00136.png 518.8579 +/kitchen_0048/rgb_00186.jpg /kitchen_0048/sync_depth_00186.png 518.8579 +/living_room_0069b/rgb_00071.jpg /living_room_0069b/sync_depth_00071.png 518.8579 +/basement_0001b/rgb_00034.jpg /basement_0001b/sync_depth_00034.png 518.8579 +/study_0003/rgb_00106.jpg /study_0003/sync_depth_00106.png 518.8579 +/furniture_store_0001d/rgb_00162.jpg /furniture_store_0001d/sync_depth_00162.png 518.8579 +/living_room_0033/rgb_00040.jpg /living_room_0033/sync_depth_00040.png 518.8579 +/reception_room_0002/rgb_00090.jpg /reception_room_0002/sync_depth_00090.png 518.8579 +/bookstore_0001e/rgb_00083.jpg /bookstore_0001e/sync_depth_00083.png 518.8579 +/living_room_0050/rgb_00104.jpg /living_room_0050/sync_depth_00104.png 518.8579 +/nyu_office_0/rgb_00069.jpg /nyu_office_0/sync_depth_00069.png 518.8579 +/bedroom_0130/rgb_00055.jpg /bedroom_0130/sync_depth_00055.png 518.8579 +/living_room_0040/rgb_00251.jpg /living_room_0040/sync_depth_00251.png 518.8579 +/home_office_0006/rgb_00043.jpg /home_office_0006/sync_depth_00043.png 518.8579 +/living_room_0047b/rgb_00026.jpg /living_room_0047b/sync_depth_00026.png 518.8579 +/kitchen_0043/rgb_00216.jpg /kitchen_0043/sync_depth_00216.png 518.8579 +/living_room_0062/rgb_00222.jpg /living_room_0062/sync_depth_00222.png 518.8579 +/bedroom_0019/rgb_00137.jpg /bedroom_0019/sync_depth_00137.png 518.8579 +/bedroom_0051/rgb_00090.jpg /bedroom_0051/sync_depth_00090.png 518.8579 +/bookstore_0001g/rgb_00220.jpg /bookstore_0001g/sync_depth_00220.png 518.8579 +/living_room_0019/rgb_00092.jpg /living_room_0019/sync_depth_00092.png 518.8579 +/furniture_store_0002c/rgb_00057.jpg /furniture_store_0002c/sync_depth_00057.png 518.8579 +/living_room_0047a/rgb_00017.jpg /living_room_0047a/sync_depth_00017.png 518.8579 +/office_0026/rgb_00175.jpg /office_0026/sync_depth_00175.png 518.8579 +/bathroom_0034/rgb_00075.jpg /bathroom_0034/sync_depth_00075.png 518.8579 +/living_room_0042a/rgb_00001.jpg /living_room_0042a/sync_depth_00001.png 518.8579 +/bedroom_0140/rgb_00055.jpg /bedroom_0140/sync_depth_00055.png 518.8579 +/bookstore_0001i/rgb_00073.jpg /bookstore_0001i/sync_depth_00073.png 518.8579 +/bathroom_0006/rgb_00037.jpg /bathroom_0006/sync_depth_00037.png 518.8579 +/dining_room_0004/rgb_00044.jpg /dining_room_0004/sync_depth_00044.png 518.8579 +/bedroom_0040/rgb_00041.jpg /bedroom_0040/sync_depth_00041.png 518.8579 +/classroom_0018/rgb_00034.jpg /classroom_0018/sync_depth_00034.png 518.8579 +/classroom_0003/rgb_00071.jpg /classroom_0003/sync_depth_00071.png 518.8579 +/computer_lab_0002/rgb_00013.jpg /computer_lab_0002/sync_depth_00013.png 518.8579 +/office_0011/rgb_00128.jpg /office_0011/sync_depth_00128.png 518.8579 +/bedroom_0029/rgb_00008.jpg /bedroom_0029/sync_depth_00008.png 518.8579 +/bathroom_0034/rgb_00077.jpg /bathroom_0034/sync_depth_00077.png 518.8579 +/playroom_0003/rgb_00214.jpg /playroom_0003/sync_depth_00214.png 518.8579 +/dining_room_0001b/rgb_00067.jpg /dining_room_0001b/sync_depth_00067.png 518.8579 +/furniture_store_0002d/rgb_00002.jpg /furniture_store_0002d/sync_depth_00002.png 518.8579 +/kitchen_0019a/rgb_00004.jpg /kitchen_0019a/sync_depth_00004.png 518.8579 +/dining_room_0016/rgb_00158.jpg /dining_room_0016/sync_depth_00158.png 518.8579 +/bookstore_0001d/rgb_00107.jpg /bookstore_0001d/sync_depth_00107.png 518.8579 +/kitchen_0035b/rgb_00193.jpg /kitchen_0035b/sync_depth_00193.png 518.8579 +/living_room_0042b/rgb_00069.jpg /living_room_0042b/sync_depth_00069.png 518.8579 +/dining_room_0031/rgb_00279.jpg /dining_room_0031/sync_depth_00279.png 518.8579 +/living_room_0040/rgb_00296.jpg /living_room_0040/sync_depth_00296.png 518.8579 +/living_room_0010/rgb_00164.jpg /living_room_0010/sync_depth_00164.png 518.8579 +/kitchen_0051/rgb_00318.jpg /kitchen_0051/sync_depth_00318.png 518.8579 +/bedroom_0038/rgb_00002.jpg /bedroom_0038/sync_depth_00002.png 518.8579 +/living_room_0035/rgb_00106.jpg /living_room_0035/sync_depth_00106.png 518.8579 +/dining_room_0028/rgb_00027.jpg /dining_room_0028/sync_depth_00027.png 518.8579 +/dining_room_0033/rgb_00164.jpg /dining_room_0033/sync_depth_00164.png 518.8579 +/dining_room_0024/rgb_00159.jpg /dining_room_0024/sync_depth_00159.png 518.8579 +/dining_room_0010/rgb_00044.jpg /dining_room_0010/sync_depth_00044.png 518.8579 +/living_room_0068/rgb_00055.jpg /living_room_0068/sync_depth_00055.png 518.8579 +/dining_room_0023/rgb_00000.jpg /dining_room_0023/sync_depth_00000.png 518.8579 +/kitchen_0031/rgb_00072.jpg /kitchen_0031/sync_depth_00072.png 518.8579 +/bedroom_0074/rgb_00071.jpg /bedroom_0074/sync_depth_00071.png 518.8579 +/bathroom_0050/rgb_00000.jpg /bathroom_0050/sync_depth_00000.png 518.8579 +/home_office_0006/rgb_00121.jpg /home_office_0006/sync_depth_00121.png 518.8579 +/bookstore_0001f/rgb_00378.jpg /bookstore_0001f/sync_depth_00378.png 518.8579 +/dining_room_0034/rgb_00193.jpg /dining_room_0034/sync_depth_00193.png 518.8579 +/classroom_0022/rgb_00053.jpg /classroom_0022/sync_depth_00053.png 518.8579 +/bookstore_0001j/rgb_00166.jpg /bookstore_0001j/sync_depth_00166.png 518.8579 +/living_room_0047b/rgb_00011.jpg /living_room_0047b/sync_depth_00011.png 518.8579 +/kitchen_0011a/rgb_00079.jpg /kitchen_0011a/sync_depth_00079.png 518.8579 +/dining_room_0024/rgb_00176.jpg /dining_room_0024/sync_depth_00176.png 518.8579 +/living_room_0020/rgb_00196.jpg /living_room_0020/sync_depth_00196.png 518.8579 +/bedroom_0052/rgb_00150.jpg /bedroom_0052/sync_depth_00150.png 518.8579 +/bathroom_0041/rgb_00086.jpg /bathroom_0041/sync_depth_00086.png 518.8579 +/living_room_0040/rgb_00132.jpg /living_room_0040/sync_depth_00132.png 518.8579 +/bedroom_0066/rgb_00007.jpg /bedroom_0066/sync_depth_00007.png 518.8579 +/office_0024/rgb_00107.jpg /office_0024/sync_depth_00107.png 518.8579 +/dining_room_0004/rgb_00090.jpg /dining_room_0004/sync_depth_00090.png 518.8579 +/kitchen_0035b/rgb_00145.jpg /kitchen_0035b/sync_depth_00145.png 518.8579 +/bookstore_0001f/rgb_00326.jpg /bookstore_0001f/sync_depth_00326.png 518.8579 +/study_0003/rgb_00093.jpg /study_0003/sync_depth_00093.png 518.8579 +/dining_room_0019/rgb_00026.jpg /dining_room_0019/sync_depth_00026.png 518.8579 +/office_0011/rgb_00130.jpg /office_0011/sync_depth_00130.png 518.8579 +/bedroom_0065/rgb_00025.jpg /bedroom_0065/sync_depth_00025.png 518.8579 +/kitchen_0011a/rgb_00024.jpg /kitchen_0011a/sync_depth_00024.png 518.8579 +/bathroom_0006/rgb_00009.jpg /bathroom_0006/sync_depth_00009.png 518.8579 +/bedroom_0028/rgb_00074.jpg /bedroom_0028/sync_depth_00074.png 518.8579 +/dining_room_0031/rgb_00116.jpg /dining_room_0031/sync_depth_00116.png 518.8579 +/dining_room_0031/rgb_00333.jpg /dining_room_0031/sync_depth_00333.png 518.8579 +/dining_room_0034/rgb_00066.jpg /dining_room_0034/sync_depth_00066.png 518.8579 +/living_room_0058/rgb_00085.jpg /living_room_0058/sync_depth_00085.png 518.8579 +/kitchen_0031/rgb_00192.jpg /kitchen_0031/sync_depth_00192.png 518.8579 +/furniture_store_0002b/rgb_00034.jpg /furniture_store_0002b/sync_depth_00034.png 518.8579 +/dining_room_0008/rgb_00132.jpg /dining_room_0008/sync_depth_00132.png 518.8579 +/kitchen_0043/rgb_00005.jpg /kitchen_0043/sync_depth_00005.png 518.8579 +/bedroom_0113/rgb_00063.jpg /bedroom_0113/sync_depth_00063.png 518.8579 +/living_room_0019/rgb_00234.jpg /living_room_0019/sync_depth_00234.png 518.8579 +/bookstore_0001d/rgb_00330.jpg /bookstore_0001d/sync_depth_00330.png 518.8579 +/kitchen_0019b/rgb_00043.jpg /kitchen_0019b/sync_depth_00043.png 518.8579 +/bedroom_0066/rgb_00000.jpg /bedroom_0066/sync_depth_00000.png 518.8579 +/bathroom_0049/rgb_00041.jpg /bathroom_0049/sync_depth_00041.png 518.8579 +/bedroom_0033/rgb_00125.jpg /bedroom_0033/sync_depth_00125.png 518.8579 +/bedroom_0072/rgb_00179.jpg /bedroom_0072/sync_depth_00179.png 518.8579 +/foyer_0002/rgb_00018.jpg /foyer_0002/sync_depth_00018.png 518.8579 +/living_room_0012/rgb_00014.jpg /living_room_0012/sync_depth_00014.png 518.8579 +/kitchen_0045b/rgb_00001.jpg /kitchen_0045b/sync_depth_00001.png 518.8579 +/bedroom_0052/rgb_00132.jpg /bedroom_0052/sync_depth_00132.png 518.8579 +/kitchen_0016/rgb_00029.jpg /kitchen_0016/sync_depth_00029.png 518.8579 +/reception_room_0002/rgb_00020.jpg /reception_room_0002/sync_depth_00020.png 518.8579 +/kitchen_0052/rgb_00071.jpg /kitchen_0052/sync_depth_00071.png 518.8579 +/home_office_0008/rgb_00049.jpg /home_office_0008/sync_depth_00049.png 518.8579 +/bookstore_0001i/rgb_00149.jpg /bookstore_0001i/sync_depth_00149.png 518.8579 +/basement_0001a/rgb_00048.jpg /basement_0001a/sync_depth_00048.png 518.8579 +/bedroom_0051/rgb_00158.jpg /bedroom_0051/sync_depth_00158.png 518.8579 +/bathroom_0019/rgb_00040.jpg /bathroom_0019/sync_depth_00040.png 518.8579 +/kitchen_0052/rgb_00052.jpg /kitchen_0052/sync_depth_00052.png 518.8579 +/bedroom_0051/rgb_00036.jpg /bedroom_0051/sync_depth_00036.png 518.8579 +/kitchen_0052/rgb_00129.jpg /kitchen_0052/sync_depth_00129.png 518.8579 +/living_room_0035/rgb_00086.jpg /living_room_0035/sync_depth_00086.png 518.8579 +/living_room_0010/rgb_00165.jpg /living_room_0010/sync_depth_00165.png 518.8579 +/playroom_0006/rgb_00069.jpg /playroom_0006/sync_depth_00069.png 518.8579 +/dining_room_0012/rgb_00047.jpg /dining_room_0012/sync_depth_00047.png 518.8579 +/dining_room_0001b/rgb_00161.jpg /dining_room_0001b/sync_depth_00161.png 518.8579 +/kitchen_0016/rgb_00041.jpg /kitchen_0016/sync_depth_00041.png 518.8579 +/bathroom_0013/rgb_00038.jpg /bathroom_0013/sync_depth_00038.png 518.8579 +/office_0011/rgb_00050.jpg /office_0011/sync_depth_00050.png 518.8579 +/dining_room_0007/rgb_00040.jpg /dining_room_0007/sync_depth_00040.png 518.8579 +/bedroom_0004/rgb_00045.jpg /bedroom_0004/sync_depth_00045.png 518.8579 +/bookstore_0001f/rgb_00482.jpg /bookstore_0001f/sync_depth_00482.png 518.8579 +/bathroom_0030/rgb_00023.jpg /bathroom_0030/sync_depth_00023.png 518.8579 +/bedroom_0020/rgb_00017.jpg /bedroom_0020/sync_depth_00017.png 518.8579 +/reception_room_0004/rgb_00071.jpg /reception_room_0004/sync_depth_00071.png 518.8579 +/bedroom_0076a/rgb_00190.jpg /bedroom_0076a/sync_depth_00190.png 518.8579 +/dining_room_0013/rgb_00035.jpg /dining_room_0013/sync_depth_00035.png 518.8579 +/living_room_0050/rgb_00169.jpg /living_room_0050/sync_depth_00169.png 518.8579 +/foyer_0002/rgb_00052.jpg /foyer_0002/sync_depth_00052.png 518.8579 +/bedroom_0052/rgb_00161.jpg /bedroom_0052/sync_depth_00161.png 518.8579 +/bookstore_0001i/rgb_00157.jpg /bookstore_0001i/sync_depth_00157.png 518.8579 +/basement_0001b/rgb_00040.jpg /basement_0001b/sync_depth_00040.png 518.8579 +/bedroom_0072/rgb_00037.jpg /bedroom_0072/sync_depth_00037.png 518.8579 +/kitchen_0045b/rgb_00080.jpg /kitchen_0045b/sync_depth_00080.png 518.8579 +/playroom_0002/rgb_00086.jpg /playroom_0002/sync_depth_00086.png 518.8579 +/bedroom_0050/rgb_00154.jpg /bedroom_0050/sync_depth_00154.png 518.8579 +/kitchen_0028a/rgb_00105.jpg /kitchen_0028a/sync_depth_00105.png 518.8579 +/office_kitchen_0003/rgb_00100.jpg /office_kitchen_0003/sync_depth_00100.png 518.8579 +/bedroom_0029/rgb_00056.jpg /bedroom_0029/sync_depth_00056.png 518.8579 +/living_room_0022/rgb_00106.jpg /living_room_0022/sync_depth_00106.png 518.8579 +/bedroom_0026/rgb_00076.jpg /bedroom_0026/sync_depth_00076.png 518.8579 +/living_room_0047b/rgb_00023.jpg /living_room_0047b/sync_depth_00023.png 518.8579 +/nyu_office_0/rgb_00328.jpg /nyu_office_0/sync_depth_00328.png 518.8579 +/bedroom_0069/rgb_00064.jpg /bedroom_0069/sync_depth_00064.png 518.8579 +/bookstore_0001f/rgb_00338.jpg /bookstore_0001f/sync_depth_00338.png 518.8579 +/dining_room_0016/rgb_00043.jpg /dining_room_0016/sync_depth_00043.png 518.8579 +/furniture_store_0002b/rgb_00008.jpg /furniture_store_0002b/sync_depth_00008.png 518.8579 +/kitchen_0019a/rgb_00255.jpg /kitchen_0019a/sync_depth_00255.png 518.8579 +/bookstore_0001g/rgb_00146.jpg /bookstore_0001g/sync_depth_00146.png 518.8579 +/dining_room_0015/rgb_00083.jpg /dining_room_0015/sync_depth_00083.png 518.8579 +/living_room_0012/rgb_00078.jpg /living_room_0012/sync_depth_00078.png 518.8579 +/bedroom_0019/rgb_00037.jpg /bedroom_0019/sync_depth_00037.png 518.8579 +/kitchen_0045b/rgb_00053.jpg /kitchen_0045b/sync_depth_00053.png 518.8579 +/study_0005/rgb_00013.jpg /study_0005/sync_depth_00013.png 518.8579 +/living_room_0070/rgb_00061.jpg /living_room_0070/sync_depth_00061.png 518.8579 +/living_room_0040/rgb_00123.jpg /living_room_0040/sync_depth_00123.png 518.8579 +/dining_room_0010/rgb_00067.jpg /dining_room_0010/sync_depth_00067.png 518.8579 +/dining_room_0033/rgb_00119.jpg /dining_room_0033/sync_depth_00119.png 518.8579 +/home_office_0004/rgb_00116.jpg /home_office_0004/sync_depth_00116.png 518.8579 +/dining_room_0015/rgb_00045.jpg /dining_room_0015/sync_depth_00045.png 518.8579 +/bedroom_0113/rgb_00073.jpg /bedroom_0113/sync_depth_00073.png 518.8579 +/reception_room_0001a/rgb_00109.jpg /reception_room_0001a/sync_depth_00109.png 518.8579 +/kitchen_0035a/rgb_00032.jpg /kitchen_0035a/sync_depth_00032.png 518.8579 +/dining_room_0004/rgb_00100.jpg /dining_room_0004/sync_depth_00100.png 518.8579 +/office_0009/rgb_00047.jpg /office_0009/sync_depth_00047.png 518.8579 +/bedroom_0033/rgb_00140.jpg /bedroom_0033/sync_depth_00140.png 518.8579 +/bedroom_0072/rgb_00108.jpg /bedroom_0072/sync_depth_00108.png 518.8579 +/bookstore_0001f/rgb_00030.jpg /bookstore_0001f/sync_depth_00030.png 518.8579 +/kitchen_0011a/rgb_00018.jpg /kitchen_0011a/sync_depth_00018.png 518.8579 +/bedroom_0020/rgb_00064.jpg /bedroom_0020/sync_depth_00064.png 518.8579 +/dining_room_0001b/rgb_00209.jpg /dining_room_0001b/sync_depth_00209.png 518.8579 +/kitchen_0043/rgb_00254.jpg /kitchen_0043/sync_depth_00254.png 518.8579 +/living_room_0055/rgb_00138.jpg /living_room_0055/sync_depth_00138.png 518.8579 +/living_room_0047b/rgb_00135.jpg /living_room_0047b/sync_depth_00135.png 518.8579 +/reception_room_0001a/rgb_00094.jpg /reception_room_0001a/sync_depth_00094.png 518.8579 +/dining_room_0010/rgb_00075.jpg /dining_room_0010/sync_depth_00075.png 518.8579 +/office_0012/rgb_00042.jpg /office_0012/sync_depth_00042.png 518.8579 +/dining_room_0031/rgb_00332.jpg /dining_room_0031/sync_depth_00332.png 518.8579 +/office_0026/rgb_00099.jpg /office_0026/sync_depth_00099.png 518.8579 +/kitchen_0060/rgb_00117.jpg /kitchen_0060/sync_depth_00117.png 518.8579 +/bedroom_0016/rgb_00100.jpg /bedroom_0016/sync_depth_00100.png 518.8579 +/living_room_0019/rgb_00043.jpg /living_room_0019/sync_depth_00043.png 518.8579 +/bookstore_0001f/rgb_00339.jpg /bookstore_0001f/sync_depth_00339.png 518.8579 +/kitchen_0051/rgb_00307.jpg /kitchen_0051/sync_depth_00307.png 518.8579 +/kitchen_0019a/rgb_00064.jpg /kitchen_0019a/sync_depth_00064.png 518.8579 +/bedroom_0021/rgb_00118.jpg /bedroom_0021/sync_depth_00118.png 518.8579 +/office_0024/rgb_00100.jpg /office_0024/sync_depth_00100.png 518.8579 +/living_room_0010/rgb_00091.jpg /living_room_0010/sync_depth_00091.png 518.8579 +/bathroom_0028/rgb_00011.jpg /bathroom_0028/sync_depth_00011.png 518.8579 +/dining_room_0016/rgb_00033.jpg /dining_room_0016/sync_depth_00033.png 518.8579 +/bedroom_0138/rgb_00028.jpg /bedroom_0138/sync_depth_00028.png 518.8579 +/living_room_0020/rgb_00008.jpg /living_room_0020/sync_depth_00008.png 518.8579 +/living_room_0005/rgb_00105.jpg /living_room_0005/sync_depth_00105.png 518.8579 +/dining_room_0012/rgb_00072.jpg /dining_room_0012/sync_depth_00072.png 518.8579 +/living_room_0029/rgb_00001.jpg /living_room_0029/sync_depth_00001.png 518.8579 +/kitchen_0059/rgb_00027.jpg /kitchen_0059/sync_depth_00027.png 518.8579 +/home_office_0008/rgb_00006.jpg /home_office_0008/sync_depth_00006.png 518.8579 +/living_room_0086a/rgb_00033.jpg /living_room_0086a/sync_depth_00033.png 518.8579 +/excercise_room_0001/rgb_00113.jpg /excercise_room_0001/sync_depth_00113.png 518.8579 +/nyu_office_0/rgb_00288.jpg /nyu_office_0/sync_depth_00288.png 518.8579 +/furniture_store_0002b/rgb_00205.jpg /furniture_store_0002b/sync_depth_00205.png 518.8579 +/bedroom_0062/rgb_00012.jpg /bedroom_0062/sync_depth_00012.png 518.8579 +/kitchen_0043/rgb_00103.jpg /kitchen_0043/sync_depth_00103.png 518.8579 +/bedroom_0019/rgb_00109.jpg /bedroom_0019/sync_depth_00109.png 518.8579 +/bedroom_0129/rgb_00006.jpg /bedroom_0129/sync_depth_00006.png 518.8579 +/bedroom_0029/rgb_00018.jpg /bedroom_0029/sync_depth_00018.png 518.8579 +/living_room_0078/rgb_00073.jpg /living_room_0078/sync_depth_00073.png 518.8579 +/bathroom_0041/rgb_00085.jpg /bathroom_0041/sync_depth_00085.png 518.8579 +/bedroom_0066/rgb_00048.jpg /bedroom_0066/sync_depth_00048.png 518.8579 +/excercise_room_0001/rgb_00114.jpg /excercise_room_0001/sync_depth_00114.png 518.8579 +/study_0006/rgb_00019.jpg /study_0006/sync_depth_00019.png 518.8579 +/playroom_0004/rgb_00124.jpg /playroom_0004/sync_depth_00124.png 518.8579 +/office_kitchen_0003/rgb_00077.jpg /office_kitchen_0003/sync_depth_00077.png 518.8579 +/bedroom_0069/rgb_00123.jpg /bedroom_0069/sync_depth_00123.png 518.8579 +/dining_room_0031/rgb_00402.jpg /dining_room_0031/sync_depth_00402.png 518.8579 +/bookstore_0001e/rgb_00131.jpg /bookstore_0001e/sync_depth_00131.png 518.8579 +/dining_room_0001b/rgb_00044.jpg /dining_room_0001b/sync_depth_00044.png 518.8579 +/kitchen_0053/rgb_00240.jpg /kitchen_0053/sync_depth_00240.png 518.8579 +/office_kitchen_0001a/rgb_00009.jpg /office_kitchen_0001a/sync_depth_00009.png 518.8579 +/playroom_0003/rgb_00041.jpg /playroom_0003/sync_depth_00041.png 518.8579 +/living_room_0029/rgb_00112.jpg /living_room_0029/sync_depth_00112.png 518.8579 +/bedroom_0019/rgb_00114.jpg /bedroom_0019/sync_depth_00114.png 518.8579 +/living_room_0083/rgb_00024.jpg /living_room_0083/sync_depth_00024.png 518.8579 +/living_room_0018/rgb_00190.jpg /living_room_0018/sync_depth_00190.png 518.8579 +/bathroom_0039/rgb_00011.jpg /bathroom_0039/sync_depth_00011.png 518.8579 +/living_room_0019/rgb_00231.jpg /living_room_0019/sync_depth_00231.png 518.8579 +/study_room_0005a/rgb_00045.jpg /study_room_0005a/sync_depth_00045.png 518.8579 +/home_office_0008/rgb_00061.jpg /home_office_0008/sync_depth_00061.png 518.8579 +/nyu_office_0/rgb_00091.jpg /nyu_office_0/sync_depth_00091.png 518.8579 +/bedroom_0063/rgb_00079.jpg /bedroom_0063/sync_depth_00079.png 518.8579 +/bedroom_0010/rgb_00121.jpg /bedroom_0010/sync_depth_00121.png 518.8579 +/living_room_0019/rgb_00196.jpg /living_room_0019/sync_depth_00196.png 518.8579 +/bathroom_0013/rgb_00032.jpg /bathroom_0013/sync_depth_00032.png 518.8579 +/kitchen_0045b/rgb_00060.jpg /kitchen_0045b/sync_depth_00060.png 518.8579 +/home_office_0004/rgb_00160.jpg /home_office_0004/sync_depth_00160.png 518.8579 +/bedroom_0107/rgb_00008.jpg /bedroom_0107/sync_depth_00008.png 518.8579 +/living_room_0019/rgb_00099.jpg /living_room_0019/sync_depth_00099.png 518.8579 +/bedroom_0063/rgb_00089.jpg /bedroom_0063/sync_depth_00089.png 518.8579 +/dining_room_0033/rgb_00081.jpg /dining_room_0033/sync_depth_00081.png 518.8579 +/home_office_0013/rgb_00022.jpg /home_office_0013/sync_depth_00022.png 518.8579 +/bedroom_0025/rgb_00059.jpg /bedroom_0025/sync_depth_00059.png 518.8579 +/home_office_0008/rgb_00073.jpg /home_office_0008/sync_depth_00073.png 518.8579 +/living_room_0012/rgb_00175.jpg /living_room_0012/sync_depth_00175.png 518.8579 +/bedroom_0050/rgb_00192.jpg /bedroom_0050/sync_depth_00192.png 518.8579 +/bathroom_0034/rgb_00052.jpg /bathroom_0034/sync_depth_00052.png 518.8579 +/dining_room_0023/rgb_00052.jpg /dining_room_0023/sync_depth_00052.png 518.8579 +/kitchen_0028a/rgb_00148.jpg /kitchen_0028a/sync_depth_00148.png 518.8579 +/dining_room_0037/rgb_00125.jpg /dining_room_0037/sync_depth_00125.png 518.8579 +/dining_room_0001b/rgb_00183.jpg /dining_room_0001b/sync_depth_00183.png 518.8579 +/bedroom_0016/rgb_00134.jpg /bedroom_0016/sync_depth_00134.png 518.8579 +/bathroom_0056/rgb_00030.jpg /bathroom_0056/sync_depth_00030.png 518.8579 +/kitchen_0059/rgb_00058.jpg /kitchen_0059/sync_depth_00058.png 518.8579 +/kitchen_0045a/rgb_00070.jpg /kitchen_0045a/sync_depth_00070.png 518.8579 +/bookstore_0001e/rgb_00013.jpg /bookstore_0001e/sync_depth_00013.png 518.8579 +/living_room_0018/rgb_00171.jpg /living_room_0018/sync_depth_00171.png 518.8579 +/bedroom_0051/rgb_00052.jpg /bedroom_0051/sync_depth_00052.png 518.8579 +/dining_room_0024/rgb_00109.jpg /dining_room_0024/sync_depth_00109.png 518.8579 +/bedroom_0136/rgb_00102.jpg /bedroom_0136/sync_depth_00102.png 518.8579 +/living_room_0010/rgb_00206.jpg /living_room_0010/sync_depth_00206.png 518.8579 +/living_room_0018/rgb_00191.jpg /living_room_0018/sync_depth_00191.png 518.8579 +/bedroom_0071/rgb_00004.jpg /bedroom_0071/sync_depth_00004.png 518.8579 +/kitchen_0052/rgb_00055.jpg /kitchen_0052/sync_depth_00055.png 518.8579 +/furniture_store_0001d/rgb_00254.jpg /furniture_store_0001d/sync_depth_00254.png 518.8579 +/kitchen_0043/rgb_00128.jpg /kitchen_0043/sync_depth_00128.png 518.8579 +/bedroom_0052/rgb_00115.jpg /bedroom_0052/sync_depth_00115.png 518.8579 +/kitchen_0011a/rgb_00069.jpg /kitchen_0011a/sync_depth_00069.png 518.8579 +/dining_room_0008/rgb_00145.jpg /dining_room_0008/sync_depth_00145.png 518.8579 +/kitchen_0048/rgb_00044.jpg /kitchen_0048/sync_depth_00044.png 518.8579 +/bedroom_0051/rgb_00080.jpg /bedroom_0051/sync_depth_00080.png 518.8579 +/classroom_0018/rgb_00015.jpg /classroom_0018/sync_depth_00015.png 518.8579 +/living_room_0029/rgb_00119.jpg /living_room_0029/sync_depth_00119.png 518.8579 +/dining_room_0037/rgb_00057.jpg /dining_room_0037/sync_depth_00057.png 518.8579 +/study_room_0004/rgb_00047.jpg /study_room_0004/sync_depth_00047.png 518.8579 +/kitchen_0050/rgb_00186.jpg /kitchen_0050/sync_depth_00186.png 518.8579 +/living_room_0004/rgb_00008.jpg /living_room_0004/sync_depth_00008.png 518.8579 +/living_room_0050/rgb_00275.jpg /living_room_0050/sync_depth_00275.png 518.8579 +/kitchen_0011a/rgb_00142.jpg /kitchen_0011a/sync_depth_00142.png 518.8579 +/living_room_0010/rgb_00148.jpg /living_room_0010/sync_depth_00148.png 518.8579 +/dining_room_0015/rgb_00147.jpg /dining_room_0015/sync_depth_00147.png 518.8579 +/bedroom_0012/rgb_00021.jpg /bedroom_0012/sync_depth_00021.png 518.8579 +/kitchen_0048/rgb_00261.jpg /kitchen_0048/sync_depth_00261.png 518.8579 +/kitchen_0033/rgb_00043.jpg /kitchen_0033/sync_depth_00043.png 518.8579 +/dining_room_0007/rgb_00145.jpg /dining_room_0007/sync_depth_00145.png 518.8579 +/living_room_0082/rgb_00055.jpg /living_room_0082/sync_depth_00055.png 518.8579 +/living_room_0071/rgb_00009.jpg /living_room_0071/sync_depth_00009.png 518.8579 +/furniture_store_0001a/rgb_00004.jpg /furniture_store_0001a/sync_depth_00004.png 518.8579 +/furniture_store_0001d/rgb_00129.jpg /furniture_store_0001d/sync_depth_00129.png 518.8579 +/bathroom_0055/rgb_00028.jpg /bathroom_0055/sync_depth_00028.png 518.8579 +/living_room_0022/rgb_00128.jpg /living_room_0022/sync_depth_00128.png 518.8579 +/bedroom_0042/rgb_00049.jpg /bedroom_0042/sync_depth_00049.png 518.8579 +/bedroom_0100/rgb_00062.jpg /bedroom_0100/sync_depth_00062.png 518.8579 +/living_room_0040/rgb_00072.jpg /living_room_0040/sync_depth_00072.png 518.8579 +/bathroom_0019/rgb_00066.jpg /bathroom_0019/sync_depth_00066.png 518.8579 +/bedroom_0072/rgb_00060.jpg /bedroom_0072/sync_depth_00060.png 518.8579 +/kitchen_0051/rgb_00321.jpg /kitchen_0051/sync_depth_00321.png 518.8579 +/bedroom_0033/rgb_00018.jpg /bedroom_0033/sync_depth_00018.png 518.8579 +/kitchen_0033/rgb_00019.jpg /kitchen_0033/sync_depth_00019.png 518.8579 +/living_room_0010/rgb_00236.jpg /living_room_0010/sync_depth_00236.png 518.8579 +/dining_room_0015/rgb_00144.jpg /dining_room_0015/sync_depth_00144.png 518.8579 +/living_room_0069b/rgb_00022.jpg /living_room_0069b/sync_depth_00022.png 518.8579 +/home_office_0008/rgb_00074.jpg /home_office_0008/sync_depth_00074.png 518.8579 +/dining_room_0029/rgb_00124.jpg /dining_room_0029/sync_depth_00124.png 518.8579 +/office_0006/rgb_00122.jpg /office_0006/sync_depth_00122.png 518.8579 +/office_0026/rgb_00190.jpg /office_0026/sync_depth_00190.png 518.8579 +/kitchen_0041/rgb_00009.jpg /kitchen_0041/sync_depth_00009.png 518.8579 +/bedroom_0053/rgb_00018.jpg /bedroom_0053/sync_depth_00018.png 518.8579 +/dining_room_0023/rgb_00147.jpg /dining_room_0023/sync_depth_00147.png 518.8579 +/bookstore_0001d/rgb_00081.jpg /bookstore_0001d/sync_depth_00081.png 518.8579 +/bedroom_0059/rgb_00041.jpg /bedroom_0059/sync_depth_00041.png 518.8579 +/bookstore_0001f/rgb_00268.jpg /bookstore_0001f/sync_depth_00268.png 518.8579 +/living_room_0005/rgb_00077.jpg /living_room_0005/sync_depth_00077.png 518.8579 +/bedroom_0076a/rgb_00177.jpg /bedroom_0076a/sync_depth_00177.png 518.8579 +/kitchen_0051/rgb_00338.jpg /kitchen_0051/sync_depth_00338.png 518.8579 +/kitchen_0053/rgb_00154.jpg /kitchen_0053/sync_depth_00154.png 518.8579 +/kitchen_0003/rgb_00109.jpg /kitchen_0003/sync_depth_00109.png 518.8579 +/bedroom_0057/rgb_00027.jpg /bedroom_0057/sync_depth_00027.png 518.8579 +/playroom_0003/rgb_00178.jpg /playroom_0003/sync_depth_00178.png 518.8579 +/kitchen_0053/rgb_00186.jpg /kitchen_0053/sync_depth_00186.png 518.8579 +/study_0008/rgb_00021.jpg /study_0008/sync_depth_00021.png 518.8579 +/dining_room_0001b/rgb_00041.jpg /dining_room_0001b/sync_depth_00041.png 518.8579 +/bathroom_0056/rgb_00036.jpg /bathroom_0056/sync_depth_00036.png 518.8579 +/bedroom_0076a/rgb_00110.jpg /bedroom_0076a/sync_depth_00110.png 518.8579 +/living_room_0071/rgb_00049.jpg /living_room_0071/sync_depth_00049.png 518.8579 +/furniture_store_0002a/rgb_00421.jpg /furniture_store_0002a/sync_depth_00421.png 518.8579 +/living_room_0046a/rgb_00021.jpg /living_room_0046a/sync_depth_00021.png 518.8579 +/dining_room_0001b/rgb_00000.jpg /dining_room_0001b/sync_depth_00000.png 518.8579 +/office_0004/rgb_00071.jpg /office_0004/sync_depth_00071.png 518.8579 +/bedroom_0029/rgb_00019.jpg /bedroom_0029/sync_depth_00019.png 518.8579 +/kitchen_0047/rgb_00002.jpg /kitchen_0047/sync_depth_00002.png 518.8579 +/printer_room_0001/rgb_00049.jpg /printer_room_0001/sync_depth_00049.png 518.8579 +/furniture_store_0002b/rgb_00059.jpg /furniture_store_0002b/sync_depth_00059.png 518.8579 +/bedroom_0120/rgb_00030.jpg /bedroom_0120/sync_depth_00030.png 518.8579 +/bookstore_0001g/rgb_00028.jpg /bookstore_0001g/sync_depth_00028.png 518.8579 +/bedroom_0021/rgb_00041.jpg /bedroom_0021/sync_depth_00041.png 518.8579 +/dining_room_0034/rgb_00108.jpg /dining_room_0034/sync_depth_00108.png 518.8579 +/living_room_0050/rgb_00110.jpg /living_room_0050/sync_depth_00110.png 518.8579 +/kitchen_0048/rgb_00183.jpg /kitchen_0048/sync_depth_00183.png 518.8579 +/living_room_0019/rgb_00238.jpg /living_room_0019/sync_depth_00238.png 518.8579 +/nyu_office_0/rgb_00274.jpg /nyu_office_0/sync_depth_00274.png 518.8579 +/bedroom_0090/rgb_00024.jpg /bedroom_0090/sync_depth_00024.png 518.8579 +/bookstore_0001i/rgb_00032.jpg /bookstore_0001i/sync_depth_00032.png 518.8579 +/nyu_office_0/rgb_00357.jpg /nyu_office_0/sync_depth_00357.png 518.8579 +/living_room_0086a/rgb_00055.jpg /living_room_0086a/sync_depth_00055.png 518.8579 +/living_room_0011/rgb_00128.jpg /living_room_0011/sync_depth_00128.png 518.8579 +/kitchen_0019a/rgb_00164.jpg /kitchen_0019a/sync_depth_00164.png 518.8579 +/laundry_room_0001/rgb_00034.jpg /laundry_room_0001/sync_depth_00034.png 518.8579 +/bookstore_0001i/rgb_00006.jpg /bookstore_0001i/sync_depth_00006.png 518.8579 +/bathroom_0028/rgb_00010.jpg /bathroom_0028/sync_depth_00010.png 518.8579 +/kitchen_0028a/rgb_00168.jpg /kitchen_0028a/sync_depth_00168.png 518.8579 +/bedroom_0053/rgb_00053.jpg /bedroom_0053/sync_depth_00053.png 518.8579 +/dining_room_0034/rgb_00223.jpg /dining_room_0034/sync_depth_00223.png 518.8579 +/classroom_0011/rgb_00002.jpg /classroom_0011/sync_depth_00002.png 518.8579 +/furniture_store_0002a/rgb_00315.jpg /furniture_store_0002a/sync_depth_00315.png 518.8579 +/dining_room_0013/rgb_00042.jpg /dining_room_0013/sync_depth_00042.png 518.8579 +/dining_room_0004/rgb_00119.jpg /dining_room_0004/sync_depth_00119.png 518.8579 +/playroom_0002/rgb_00076.jpg /playroom_0002/sync_depth_00076.png 518.8579 +/cafe_0001b/rgb_00017.jpg /cafe_0001b/sync_depth_00017.png 518.8579 +/bookstore_0001e/rgb_00202.jpg /bookstore_0001e/sync_depth_00202.png 518.8579 +/kitchen_0043/rgb_00069.jpg /kitchen_0043/sync_depth_00069.png 518.8579 +/bedroom_0014/rgb_00015.jpg /bedroom_0014/sync_depth_00015.png 518.8579 +/dining_room_0012/rgb_00201.jpg /dining_room_0012/sync_depth_00201.png 518.8579 +/living_room_0020/rgb_00186.jpg /living_room_0020/sync_depth_00186.png 518.8579 +/living_room_0011/rgb_00138.jpg /living_room_0011/sync_depth_00138.png 518.8579 +/kitchen_0029c/rgb_00165.jpg /kitchen_0029c/sync_depth_00165.png 518.8579 +/bedroom_0078/rgb_00103.jpg /bedroom_0078/sync_depth_00103.png 518.8579 +/bedroom_0050/rgb_00170.jpg /bedroom_0050/sync_depth_00170.png 518.8579 +/kitchen_0010/rgb_00057.jpg /kitchen_0010/sync_depth_00057.png 518.8579 +/bedroom_0059/rgb_00048.jpg /bedroom_0059/sync_depth_00048.png 518.8579 +/classroom_0004/rgb_00003.jpg /classroom_0004/sync_depth_00003.png 518.8579 +/dining_room_0033/rgb_00017.jpg /dining_room_0033/sync_depth_00017.png 518.8579 +/bedroom_0126/rgb_00022.jpg /bedroom_0126/sync_depth_00022.png 518.8579 +/kitchen_0048/rgb_00228.jpg /kitchen_0048/sync_depth_00228.png 518.8579 +/student_lounge_0001/rgb_00140.jpg /student_lounge_0001/sync_depth_00140.png 518.8579 +/kitchen_0049/rgb_00015.jpg /kitchen_0049/sync_depth_00015.png 518.8579 +/kitchen_0010/rgb_00110.jpg /kitchen_0010/sync_depth_00110.png 518.8579 +/bedroom_0074/rgb_00039.jpg /bedroom_0074/sync_depth_00039.png 518.8579 +/kitchen_0033/rgb_00046.jpg /kitchen_0033/sync_depth_00046.png 518.8579 +/bedroom_0053/rgb_00063.jpg /bedroom_0053/sync_depth_00063.png 518.8579 +/dinette_0001/rgb_00000.jpg /dinette_0001/sync_depth_00000.png 518.8579 +/bookstore_0001d/rgb_00163.jpg /bookstore_0001d/sync_depth_00163.png 518.8579 +/kitchen_0029a/rgb_00012.jpg /kitchen_0029a/sync_depth_00012.png 518.8579 +/furniture_store_0002a/rgb_00223.jpg /furniture_store_0002a/sync_depth_00223.png 518.8579 +/bedroom_0020/rgb_00091.jpg /bedroom_0020/sync_depth_00091.png 518.8579 +/nyu_office_1/rgb_00043.jpg /nyu_office_1/sync_depth_00043.png 518.8579 +/excercise_room_0001/rgb_00055.jpg /excercise_room_0001/sync_depth_00055.png 518.8579 +/living_room_0038/rgb_00022.jpg /living_room_0038/sync_depth_00022.png 518.8579 +/reception_room_0001a/rgb_00067.jpg /reception_room_0001a/sync_depth_00067.png 518.8579 +/dining_room_0019/rgb_00094.jpg /dining_room_0019/sync_depth_00094.png 518.8579 +/living_room_0040/rgb_00058.jpg /living_room_0040/sync_depth_00058.png 518.8579 +/bedroom_0017/rgb_00034.jpg /bedroom_0017/sync_depth_00034.png 518.8579 +/office_0006/rgb_00170.jpg /office_0006/sync_depth_00170.png 518.8579 +/office_0012/rgb_00000.jpg /office_0012/sync_depth_00000.png 518.8579 +/dining_room_0034/rgb_00134.jpg /dining_room_0034/sync_depth_00134.png 518.8579 +/bedroom_0014/rgb_00046.jpg /bedroom_0014/sync_depth_00046.png 518.8579 +/dining_room_0007/rgb_00061.jpg /dining_room_0007/sync_depth_00061.png 518.8579 +/living_room_0019/rgb_00104.jpg /living_room_0019/sync_depth_00104.png 518.8579 +/kitchen_0037/rgb_00082.jpg /kitchen_0037/sync_depth_00082.png 518.8579 +/living_room_0058/rgb_00119.jpg /living_room_0058/sync_depth_00119.png 518.8579 +/kitchen_0003/rgb_00094.jpg /kitchen_0003/sync_depth_00094.png 518.8579 +/dining_room_0012/rgb_00063.jpg /dining_room_0012/sync_depth_00063.png 518.8579 +/reception_room_0002/rgb_00079.jpg /reception_room_0002/sync_depth_00079.png 518.8579 +/bedroom_0107/rgb_00002.jpg /bedroom_0107/sync_depth_00002.png 518.8579 +/kitchen_0008/rgb_00051.jpg /kitchen_0008/sync_depth_00051.png 518.8579 +/bedroom_0010/rgb_00115.jpg /bedroom_0010/sync_depth_00115.png 518.8579 +/kitchen_0045a/rgb_00187.jpg /kitchen_0045a/sync_depth_00187.png 518.8579 +/study_room_0004/rgb_00207.jpg /study_room_0004/sync_depth_00207.png 518.8579 +/bedroom_0019/rgb_00016.jpg /bedroom_0019/sync_depth_00016.png 518.8579 +/dining_room_0002/rgb_00005.jpg /dining_room_0002/sync_depth_00005.png 518.8579 +/kitchen_0037/rgb_00036.jpg /kitchen_0037/sync_depth_00036.png 518.8579 +/playroom_0003/rgb_00147.jpg /playroom_0003/sync_depth_00147.png 518.8579 +/dining_room_0016/rgb_00046.jpg /dining_room_0016/sync_depth_00046.png 518.8579 +/living_room_0042a/rgb_00015.jpg /living_room_0042a/sync_depth_00015.png 518.8579 +/bedroom_0039/rgb_00025.jpg /bedroom_0039/sync_depth_00025.png 518.8579 +/bookstore_0001d/rgb_00264.jpg /bookstore_0001d/sync_depth_00264.png 518.8579 +/home_office_0004/rgb_00080.jpg /home_office_0004/sync_depth_00080.png 518.8579 +/kitchen_0011a/rgb_00046.jpg /kitchen_0011a/sync_depth_00046.png 518.8579 +/living_room_0071/rgb_00016.jpg /living_room_0071/sync_depth_00016.png 518.8579 +/bookstore_0001j/rgb_00084.jpg /bookstore_0001j/sync_depth_00084.png 518.8579 +/furniture_store_0002d/rgb_00036.jpg /furniture_store_0002d/sync_depth_00036.png 518.8579 +/kitchen_0048/rgb_00013.jpg /kitchen_0048/sync_depth_00013.png 518.8579 +/laundry_room_0001/rgb_00003.jpg /laundry_room_0001/sync_depth_00003.png 518.8579 +/living_room_0004/rgb_00118.jpg /living_room_0004/sync_depth_00118.png 518.8579 +/bedroom_0012/rgb_00078.jpg /bedroom_0012/sync_depth_00078.png 518.8579 +/dining_room_0019/rgb_00165.jpg /dining_room_0019/sync_depth_00165.png 518.8579 +/kitchen_0049/rgb_00069.jpg /kitchen_0049/sync_depth_00069.png 518.8579 +/bathroom_0011/rgb_00001.jpg /bathroom_0011/sync_depth_00001.png 518.8579 +/dining_room_0016/rgb_00055.jpg /dining_room_0016/sync_depth_00055.png 518.8579 +/home_office_0008/rgb_00070.jpg /home_office_0008/sync_depth_00070.png 518.8579 +/bedroom_0051/rgb_00097.jpg /bedroom_0051/sync_depth_00097.png 518.8579 +/kitchen_0052/rgb_00090.jpg /kitchen_0052/sync_depth_00090.png 518.8579 +/bathroom_0013/rgb_00003.jpg /bathroom_0013/sync_depth_00003.png 518.8579 +/bedroom_0026/rgb_00077.jpg /bedroom_0026/sync_depth_00077.png 518.8579 +/kitchen_0035b/rgb_00083.jpg /kitchen_0035b/sync_depth_00083.png 518.8579 +/study_room_0005a/rgb_00018.jpg /study_room_0005a/sync_depth_00018.png 518.8579 +/nyu_office_0/rgb_00317.jpg /nyu_office_0/sync_depth_00317.png 518.8579 +/student_lounge_0001/rgb_00020.jpg /student_lounge_0001/sync_depth_00020.png 518.8579 +/bedroom_0136/rgb_00121.jpg /bedroom_0136/sync_depth_00121.png 518.8579 +/home_office_0011/rgb_00048.jpg /home_office_0011/sync_depth_00048.png 518.8579 +/living_room_0042b/rgb_00040.jpg /living_room_0042b/sync_depth_00040.png 518.8579 +/kitchen_0011b/rgb_00073.jpg /kitchen_0011b/sync_depth_00073.png 518.8579 +/home_office_0007/rgb_00042.jpg /home_office_0007/sync_depth_00042.png 518.8579 +/living_room_0058/rgb_00145.jpg /living_room_0058/sync_depth_00145.png 518.8579 +/kitchen_0029b/rgb_00017.jpg /kitchen_0029b/sync_depth_00017.png 518.8579 +/bedroom_0016/rgb_00199.jpg /bedroom_0016/sync_depth_00199.png 518.8579 +/dining_room_0015/rgb_00050.jpg /dining_room_0015/sync_depth_00050.png 518.8579 +/kitchen_0052/rgb_00033.jpg /kitchen_0052/sync_depth_00033.png 518.8579 +/furniture_store_0002c/rgb_00071.jpg /furniture_store_0002c/sync_depth_00071.png 518.8579 +/dining_room_0016/rgb_00182.jpg /dining_room_0016/sync_depth_00182.png 518.8579 +/bathroom_0045a/rgb_00027.jpg /bathroom_0045a/sync_depth_00027.png 518.8579 +/dining_room_0031/rgb_00406.jpg /dining_room_0031/sync_depth_00406.png 518.8579 +/nyu_office_0/rgb_00104.jpg /nyu_office_0/sync_depth_00104.png 518.8579 +/living_room_0082/rgb_00046.jpg /living_room_0082/sync_depth_00046.png 518.8579 +/living_room_0012/rgb_00188.jpg /living_room_0012/sync_depth_00188.png 518.8579 +/bedroom_0062/rgb_00082.jpg /bedroom_0062/sync_depth_00082.png 518.8579 +/bathroom_0033/rgb_00042.jpg /bathroom_0033/sync_depth_00042.png 518.8579 +/living_room_0040/rgb_00081.jpg /living_room_0040/sync_depth_00081.png 518.8579 +/dining_room_0001b/rgb_00022.jpg /dining_room_0001b/sync_depth_00022.png 518.8579 +/living_room_0046b/rgb_00041.jpg /living_room_0046b/sync_depth_00041.png 518.8579 +/basement_0001b/rgb_00016.jpg /basement_0001b/sync_depth_00016.png 518.8579 +/office_kitchen_0003/rgb_00070.jpg /office_kitchen_0003/sync_depth_00070.png 518.8579 +/living_room_0067/rgb_00061.jpg /living_room_0067/sync_depth_00061.png 518.8579 +/dining_room_0008/rgb_00115.jpg /dining_room_0008/sync_depth_00115.png 518.8579 +/bookstore_0001f/rgb_00059.jpg /bookstore_0001f/sync_depth_00059.png 518.8579 +/bedroom_0031/rgb_00047.jpg /bedroom_0031/sync_depth_00047.png 518.8579 +/dining_room_0023/rgb_00071.jpg /dining_room_0023/sync_depth_00071.png 518.8579 +/bedroom_0016/rgb_00073.jpg /bedroom_0016/sync_depth_00073.png 518.8579 +/kitchen_0011b/rgb_00037.jpg /kitchen_0011b/sync_depth_00037.png 518.8579 +/living_room_0062/rgb_00125.jpg /living_room_0062/sync_depth_00125.png 518.8579 +/kitchen_0037/rgb_00095.jpg /kitchen_0037/sync_depth_00095.png 518.8579 +/kitchen_0041/rgb_00003.jpg /kitchen_0041/sync_depth_00003.png 518.8579 +/bedroom_0012/rgb_00013.jpg /bedroom_0012/sync_depth_00013.png 518.8579 +/dining_room_0033/rgb_00030.jpg /dining_room_0033/sync_depth_00030.png 518.8579 +/dining_room_0013/rgb_00121.jpg /dining_room_0013/sync_depth_00121.png 518.8579 +/furniture_store_0002a/rgb_00037.jpg /furniture_store_0002a/sync_depth_00037.png 518.8579 +/living_room_0046a/rgb_00040.jpg /living_room_0046a/sync_depth_00040.png 518.8579 +/furniture_store_0001d/rgb_00133.jpg /furniture_store_0001d/sync_depth_00133.png 518.8579 +/bedroom_0100/rgb_00048.jpg /bedroom_0100/sync_depth_00048.png 518.8579 +/bedroom_0031/rgb_00015.jpg /bedroom_0031/sync_depth_00015.png 518.8579 +/living_room_0086a/rgb_00018.jpg /living_room_0086a/sync_depth_00018.png 518.8579 +/home_office_0008/rgb_00059.jpg /home_office_0008/sync_depth_00059.png 518.8579 +/home_office_0011/rgb_00025.jpg /home_office_0011/sync_depth_00025.png 518.8579 +/classroom_0018/rgb_00011.jpg /classroom_0018/sync_depth_00011.png 518.8579 +/kitchen_0028b/rgb_00023.jpg /kitchen_0028b/sync_depth_00023.png 518.8579 +/bathroom_0035/rgb_00002.jpg /bathroom_0035/sync_depth_00002.png 518.8579 +/dining_room_0014/rgb_00058.jpg /dining_room_0014/sync_depth_00058.png 518.8579 +/bedroom_0056a/rgb_00114.jpg /bedroom_0056a/sync_depth_00114.png 518.8579 +/furniture_store_0002a/rgb_00121.jpg /furniture_store_0002a/sync_depth_00121.png 518.8579 +/bathroom_0024/rgb_00023.jpg /bathroom_0024/sync_depth_00023.png 518.8579 +/bathroom_0007/rgb_00085.jpg /bathroom_0007/sync_depth_00085.png 518.8579 +/kitchen_0045a/rgb_00120.jpg /kitchen_0045a/sync_depth_00120.png 518.8579 +/living_room_0067/rgb_00052.jpg /living_room_0067/sync_depth_00052.png 518.8579 +/home_office_0004/rgb_00062.jpg /home_office_0004/sync_depth_00062.png 518.8579 +/home_office_0006/rgb_00080.jpg /home_office_0006/sync_depth_00080.png 518.8579 +/kitchen_0011b/rgb_00077.jpg /kitchen_0011b/sync_depth_00077.png 518.8579 +/home_office_0005/rgb_00071.jpg /home_office_0005/sync_depth_00071.png 518.8579 +/bedroom_0079/rgb_00000.jpg /bedroom_0079/sync_depth_00000.png 518.8579 +/kitchen_0035b/rgb_00252.jpg /kitchen_0035b/sync_depth_00252.png 518.8579 +/kitchen_0035b/rgb_00291.jpg /kitchen_0035b/sync_depth_00291.png 518.8579 +/kitchen_0048/rgb_00045.jpg /kitchen_0048/sync_depth_00045.png 518.8579 +/living_room_0047b/rgb_00095.jpg /living_room_0047b/sync_depth_00095.png 518.8579 +/classroom_0022/rgb_00023.jpg /classroom_0022/sync_depth_00023.png 518.8579 +/foyer_0002/rgb_00009.jpg /foyer_0002/sync_depth_00009.png 518.8579 +/living_room_0086a/rgb_00069.jpg /living_room_0086a/sync_depth_00069.png 518.8579 +/living_room_0086b/rgb_00032.jpg /living_room_0086b/sync_depth_00032.png 518.8579 +/dining_room_0031/rgb_00028.jpg /dining_room_0031/sync_depth_00028.png 518.8579 +/dining_room_0037/rgb_00042.jpg /dining_room_0037/sync_depth_00042.png 518.8579 +/bedroom_0078/rgb_00072.jpg /bedroom_0078/sync_depth_00072.png 518.8579 +/kitchen_0060/rgb_00155.jpg /kitchen_0060/sync_depth_00155.png 518.8579 +/living_room_0050/rgb_00019.jpg /living_room_0050/sync_depth_00019.png 518.8579 +/bookstore_0001g/rgb_00165.jpg /bookstore_0001g/sync_depth_00165.png 518.8579 +/bedroom_0057/rgb_00012.jpg /bedroom_0057/sync_depth_00012.png 518.8579 +/bedroom_0079/rgb_00001.jpg /bedroom_0079/sync_depth_00001.png 518.8579 +/bookstore_0001e/rgb_00063.jpg /bookstore_0001e/sync_depth_00063.png 518.8579 +/bedroom_0074/rgb_00072.jpg /bedroom_0074/sync_depth_00072.png 518.8579 +/classroom_0011/rgb_00072.jpg /classroom_0011/sync_depth_00072.png 518.8579 +/living_room_0038/rgb_00025.jpg /living_room_0038/sync_depth_00025.png 518.8579 +/kitchen_0029c/rgb_00101.jpg /kitchen_0029c/sync_depth_00101.png 518.8579 +/bookstore_0001f/rgb_00114.jpg /bookstore_0001f/sync_depth_00114.png 518.8579 +/bookstore_0001e/rgb_00064.jpg /bookstore_0001e/sync_depth_00064.png 518.8579 +/dining_room_0015/rgb_00212.jpg /dining_room_0015/sync_depth_00212.png 518.8579 +/kitchen_0010/rgb_00061.jpg /kitchen_0010/sync_depth_00061.png 518.8579 +/bookstore_0001f/rgb_00517.jpg /bookstore_0001f/sync_depth_00517.png 518.8579 +/office_0009/rgb_00011.jpg /office_0009/sync_depth_00011.png 518.8579 +/bedroom_0094/rgb_00038.jpg /bedroom_0094/sync_depth_00038.png 518.8579 +/kitchen_0047/rgb_00042.jpg /kitchen_0047/sync_depth_00042.png 518.8579 +/living_room_0012/rgb_00194.jpg /living_room_0012/sync_depth_00194.png 518.8579 +/basement_0001b/rgb_00035.jpg /basement_0001b/sync_depth_00035.png 518.8579 +/living_room_0004/rgb_00069.jpg /living_room_0004/sync_depth_00069.png 518.8579 +/bedroom_0015/rgb_00094.jpg /bedroom_0015/sync_depth_00094.png 518.8579 +/dining_room_0012/rgb_00037.jpg /dining_room_0012/sync_depth_00037.png 518.8579 +/kitchen_0017/rgb_00062.jpg /kitchen_0017/sync_depth_00062.png 518.8579 +/dining_room_0015/rgb_00004.jpg /dining_room_0015/sync_depth_00004.png 518.8579 +/bathroom_0010/rgb_00019.jpg /bathroom_0010/sync_depth_00019.png 518.8579 +/kitchen_0051/rgb_00194.jpg /kitchen_0051/sync_depth_00194.png 518.8579 +/kitchen_0017/rgb_00039.jpg /kitchen_0017/sync_depth_00039.png 518.8579 +/bedroom_0136/rgb_00035.jpg /bedroom_0136/sync_depth_00035.png 518.8579 +/bedroom_0012/rgb_00076.jpg /bedroom_0012/sync_depth_00076.png 518.8579 +/bedroom_0096/rgb_00082.jpg /bedroom_0096/sync_depth_00082.png 518.8579 +/classroom_0006/rgb_00043.jpg /classroom_0006/sync_depth_00043.png 518.8579 +/office_0006/rgb_00058.jpg /office_0006/sync_depth_00058.png 518.8579 +/dining_room_0033/rgb_00008.jpg /dining_room_0033/sync_depth_00008.png 518.8579 +/living_room_0078/rgb_00067.jpg /living_room_0078/sync_depth_00067.png 518.8579 +/bedroom_0107/rgb_00030.jpg /bedroom_0107/sync_depth_00030.png 518.8579 +/dining_room_0008/rgb_00151.jpg /dining_room_0008/sync_depth_00151.png 518.8579 +/dining_room_0015/rgb_00224.jpg /dining_room_0015/sync_depth_00224.png 518.8579 +/reception_room_0001b/rgb_00015.jpg /reception_room_0001b/sync_depth_00015.png 518.8579 +/cafe_0001c/rgb_00082.jpg /cafe_0001c/sync_depth_00082.png 518.8579 +/living_room_0042b/rgb_00066.jpg /living_room_0042b/sync_depth_00066.png 518.8579 +/furniture_store_0001d/rgb_00008.jpg /furniture_store_0001d/sync_depth_00008.png 518.8579 +/dining_room_0001b/rgb_00069.jpg /dining_room_0001b/sync_depth_00069.png 518.8579 +/bedroom_0118/rgb_00016.jpg /bedroom_0118/sync_depth_00016.png 518.8579 +/dining_room_0034/rgb_00188.jpg /dining_room_0034/sync_depth_00188.png 518.8579 +/furniture_store_0001b/rgb_00060.jpg /furniture_store_0001b/sync_depth_00060.png 518.8579 +/bathroom_0001/rgb_00013.jpg /bathroom_0001/sync_depth_00013.png 518.8579 +/classroom_0005/rgb_00018.jpg /classroom_0005/sync_depth_00018.png 518.8579 +/dining_room_0023/rgb_00169.jpg /dining_room_0023/sync_depth_00169.png 518.8579 +/furniture_store_0001c/rgb_00015.jpg /furniture_store_0001c/sync_depth_00015.png 518.8579 +/kitchen_0051/rgb_00001.jpg /kitchen_0051/sync_depth_00001.png 518.8579 +/playroom_0004/rgb_00052.jpg /playroom_0004/sync_depth_00052.png 518.8579 +/bedroom_0020/rgb_00074.jpg /bedroom_0020/sync_depth_00074.png 518.8579 +/living_room_0042b/rgb_00023.jpg /living_room_0042b/sync_depth_00023.png 518.8579 +/bedroom_0016/rgb_00153.jpg /bedroom_0016/sync_depth_00153.png 518.8579 +/bedroom_0035/rgb_00021.jpg /bedroom_0035/sync_depth_00021.png 518.8579 +/bedroom_0063/rgb_00059.jpg /bedroom_0063/sync_depth_00059.png 518.8579 +/dining_room_0033/rgb_00105.jpg /dining_room_0033/sync_depth_00105.png 518.8579 +/computer_lab_0002/rgb_00011.jpg /computer_lab_0002/sync_depth_00011.png 518.8579 +/kitchen_0053/rgb_00169.jpg /kitchen_0053/sync_depth_00169.png 518.8579 +/home_office_0013/rgb_00071.jpg /home_office_0013/sync_depth_00071.png 518.8579 +/bookstore_0001d/rgb_00359.jpg /bookstore_0001d/sync_depth_00359.png 518.8579 +/dining_room_0016/rgb_00090.jpg /dining_room_0016/sync_depth_00090.png 518.8579 +/dining_room_0028/rgb_00100.jpg /dining_room_0028/sync_depth_00100.png 518.8579 +/bookstore_0001d/rgb_00265.jpg /bookstore_0001d/sync_depth_00265.png 518.8579 +/office_0009/rgb_00056.jpg /office_0009/sync_depth_00056.png 518.8579 +/playroom_0002/rgb_00150.jpg /playroom_0002/sync_depth_00150.png 518.8579 +/kitchen_0029b/rgb_00008.jpg /kitchen_0029b/sync_depth_00008.png 518.8579 +/dining_room_0012/rgb_00208.jpg /dining_room_0012/sync_depth_00208.png 518.8579 +/nyu_office_0/rgb_00131.jpg /nyu_office_0/sync_depth_00131.png 518.8579 +/reception_room_0001b/rgb_00097.jpg /reception_room_0001b/sync_depth_00097.png 518.8579 +/study_0004/rgb_00041.jpg /study_0004/sync_depth_00041.png 518.8579 +/bedroom_0035/rgb_00035.jpg /bedroom_0035/sync_depth_00035.png 518.8579 +/bedroom_0052/rgb_00008.jpg /bedroom_0052/sync_depth_00008.png 518.8579 +/dining_room_0029/rgb_00063.jpg /dining_room_0029/sync_depth_00063.png 518.8579 +/kitchen_0051/rgb_00072.jpg /kitchen_0051/sync_depth_00072.png 518.8579 +/living_room_0055/rgb_00094.jpg /living_room_0055/sync_depth_00094.png 518.8579 +/living_room_0038/rgb_00066.jpg /living_room_0038/sync_depth_00066.png 518.8579 +/living_room_0012/rgb_00033.jpg /living_room_0012/sync_depth_00033.png 518.8579 +/student_lounge_0001/rgb_00195.jpg /student_lounge_0001/sync_depth_00195.png 518.8579 +/dining_room_0031/rgb_00092.jpg /dining_room_0031/sync_depth_00092.png 518.8579 +/nyu_office_0/rgb_00228.jpg /nyu_office_0/sync_depth_00228.png 518.8579 +/dining_room_0031/rgb_00111.jpg /dining_room_0031/sync_depth_00111.png 518.8579 +/bookstore_0001j/rgb_00160.jpg /bookstore_0001j/sync_depth_00160.png 518.8579 +/furniture_store_0002a/rgb_00420.jpg /furniture_store_0002a/sync_depth_00420.png 518.8579 +/furniture_store_0002b/rgb_00094.jpg /furniture_store_0002b/sync_depth_00094.png 518.8579 +/bathroom_0041/rgb_00063.jpg /bathroom_0041/sync_depth_00063.png 518.8579 +/kitchen_0033/rgb_00154.jpg /kitchen_0033/sync_depth_00154.png 518.8579 +/bedroom_0047/rgb_00037.jpg /bedroom_0047/sync_depth_00037.png 518.8579 +/classroom_0012/rgb_00003.jpg /classroom_0012/sync_depth_00003.png 518.8579 +/bookstore_0001f/rgb_00311.jpg /bookstore_0001f/sync_depth_00311.png 518.8579 +/bedroom_0136/rgb_00017.jpg /bedroom_0136/sync_depth_00017.png 518.8579 +/nyu_office_0/rgb_00325.jpg /nyu_office_0/sync_depth_00325.png 518.8579 +/kitchen_0010/rgb_00005.jpg /kitchen_0010/sync_depth_00005.png 518.8579 +/living_room_0067/rgb_00026.jpg /living_room_0067/sync_depth_00026.png 518.8579 +/playroom_0004/rgb_00130.jpg /playroom_0004/sync_depth_00130.png 518.8579 +/living_room_0037/rgb_00053.jpg /living_room_0037/sync_depth_00053.png 518.8579 +/classroom_0003/rgb_00046.jpg /classroom_0003/sync_depth_00046.png 518.8579 +/study_0003/rgb_00058.jpg /study_0003/sync_depth_00058.png 518.8579 +/dining_room_0015/rgb_00019.jpg /dining_room_0015/sync_depth_00019.png 518.8579 +/playroom_0004/rgb_00116.jpg /playroom_0004/sync_depth_00116.png 518.8579 +/study_0003/rgb_00059.jpg /study_0003/sync_depth_00059.png 518.8579 +/office_kitchen_0003/rgb_00078.jpg /office_kitchen_0003/sync_depth_00078.png 518.8579 +/living_room_0062/rgb_00036.jpg /living_room_0062/sync_depth_00036.png 518.8579 +/bedroom_0065/rgb_00037.jpg /bedroom_0065/sync_depth_00037.png 518.8579 +/dining_room_0033/rgb_00062.jpg /dining_room_0033/sync_depth_00062.png 518.8579 +/living_room_0039/rgb_00193.jpg /living_room_0039/sync_depth_00193.png 518.8579 +/living_room_0069b/rgb_00054.jpg /living_room_0069b/sync_depth_00054.png 518.8579 +/kitchen_0050/rgb_00116.jpg /kitchen_0050/sync_depth_00116.png 518.8579 +/living_room_0062/rgb_00057.jpg /living_room_0062/sync_depth_00057.png 518.8579 +/bedroom_0040/rgb_00048.jpg /bedroom_0040/sync_depth_00048.png 518.8579 +/kitchen_0019b/rgb_00030.jpg /kitchen_0019b/sync_depth_00030.png 518.8579 +/kitchen_0019a/rgb_00183.jpg /kitchen_0019a/sync_depth_00183.png 518.8579 +/home_office_0004/rgb_00067.jpg /home_office_0004/sync_depth_00067.png 518.8579 +/student_lounge_0001/rgb_00144.jpg /student_lounge_0001/sync_depth_00144.png 518.8579 +/playroom_0006/rgb_00115.jpg /playroom_0006/sync_depth_00115.png 518.8579 +/nyu_office_0/rgb_00362.jpg /nyu_office_0/sync_depth_00362.png 518.8579 +/kitchen_0045a/rgb_00203.jpg /kitchen_0045a/sync_depth_00203.png 518.8579 +/bedroom_0138/rgb_00092.jpg /bedroom_0138/sync_depth_00092.png 518.8579 +/bedroom_0136/rgb_00125.jpg /bedroom_0136/sync_depth_00125.png 518.8579 +/living_room_0032/rgb_00034.jpg /living_room_0032/sync_depth_00034.png 518.8579 +/kitchen_0019a/rgb_00115.jpg /kitchen_0019a/sync_depth_00115.png 518.8579 +/home_office_0004/rgb_00093.jpg /home_office_0004/sync_depth_00093.png 518.8579 +/bathroom_0014a/rgb_00067.jpg /bathroom_0014a/sync_depth_00067.png 518.8579 +/bedroom_0072/rgb_00012.jpg /bedroom_0072/sync_depth_00012.png 518.8579 +/dining_room_0034/rgb_00196.jpg /dining_room_0034/sync_depth_00196.png 518.8579 +/furniture_store_0002a/rgb_00198.jpg /furniture_store_0002a/sync_depth_00198.png 518.8579 +/kitchen_0011a/rgb_00085.jpg /kitchen_0011a/sync_depth_00085.png 518.8579 +/bedroom_0072/rgb_00095.jpg /bedroom_0072/sync_depth_00095.png 518.8579 +/furniture_store_0001d/rgb_00171.jpg /furniture_store_0001d/sync_depth_00171.png 518.8579 +/living_room_0033/rgb_00070.jpg /living_room_0033/sync_depth_00070.png 518.8579 +/bedroom_0026/rgb_00107.jpg /bedroom_0026/sync_depth_00107.png 518.8579 +/bedroom_0004/rgb_00156.jpg /bedroom_0004/sync_depth_00156.png 518.8579 +/bedroom_0126/rgb_00042.jpg /bedroom_0126/sync_depth_00042.png 518.8579 +/office_0018/rgb_00022.jpg /office_0018/sync_depth_00022.png 518.8579 +/living_room_0010/rgb_00204.jpg /living_room_0010/sync_depth_00204.png 518.8579 +/bathroom_0019/rgb_00069.jpg /bathroom_0019/sync_depth_00069.png 518.8579 +/dining_room_0010/rgb_00013.jpg /dining_room_0010/sync_depth_00013.png 518.8579 +/dining_room_0013/rgb_00041.jpg /dining_room_0013/sync_depth_00041.png 518.8579 +/living_room_0047b/rgb_00088.jpg /living_room_0047b/sync_depth_00088.png 518.8579 +/bedroom_0138/rgb_00027.jpg /bedroom_0138/sync_depth_00027.png 518.8579 +/dining_room_0013/rgb_00164.jpg /dining_room_0013/sync_depth_00164.png 518.8579 +/kitchen_0045b/rgb_00147.jpg /kitchen_0045b/sync_depth_00147.png 518.8579 +/nyu_office_0/rgb_00341.jpg /nyu_office_0/sync_depth_00341.png 518.8579 +/nyu_office_0/rgb_00282.jpg /nyu_office_0/sync_depth_00282.png 518.8579 +/basement_0001b/rgb_00027.jpg /basement_0001b/sync_depth_00027.png 518.8579 +/dining_room_0013/rgb_00139.jpg /dining_room_0013/sync_depth_00139.png 518.8579 +/nyu_office_0/rgb_00186.jpg /nyu_office_0/sync_depth_00186.png 518.8579 +/kitchen_0051/rgb_00282.jpg /kitchen_0051/sync_depth_00282.png 518.8579 +/classroom_0016/rgb_00000.jpg /classroom_0016/sync_depth_00000.png 518.8579 +/bathroom_0007/rgb_00063.jpg /bathroom_0007/sync_depth_00063.png 518.8579 +/bedroom_0045/rgb_00020.jpg /bedroom_0045/sync_depth_00020.png 518.8579 +/basement_0001a/rgb_00038.jpg /basement_0001a/sync_depth_00038.png 518.8579 +/bedroom_0016/rgb_00038.jpg /bedroom_0016/sync_depth_00038.png 518.8579 +/office_kitchen_0003/rgb_00131.jpg /office_kitchen_0003/sync_depth_00131.png 518.8579 +/bedroom_0056a/rgb_00064.jpg /bedroom_0056a/sync_depth_00064.png 518.8579 +/bedroom_0052/rgb_00001.jpg /bedroom_0052/sync_depth_00001.png 518.8579 +/dining_room_0004/rgb_00047.jpg /dining_room_0004/sync_depth_00047.png 518.8579 +/home_office_0007/rgb_00012.jpg /home_office_0007/sync_depth_00012.png 518.8579 +/bedroom_0106/rgb_00002.jpg /bedroom_0106/sync_depth_00002.png 518.8579 +/bookstore_0001d/rgb_00098.jpg /bookstore_0001d/sync_depth_00098.png 518.8579 +/bedroom_0104/rgb_00015.jpg /bedroom_0104/sync_depth_00015.png 518.8579 +/study_0004/rgb_00083.jpg /study_0004/sync_depth_00083.png 518.8579 +/kitchen_0035b/rgb_00105.jpg /kitchen_0035b/sync_depth_00105.png 518.8579 +/study_room_0004/rgb_00092.jpg /study_room_0004/sync_depth_00092.png 518.8579 +/nyu_office_0/rgb_00427.jpg /nyu_office_0/sync_depth_00427.png 518.8579 +/office_kitchen_0003/rgb_00024.jpg /office_kitchen_0003/sync_depth_00024.png 518.8579 +/bedroom_0028/rgb_00048.jpg /bedroom_0028/sync_depth_00048.png 518.8579 +/bedroom_0059/rgb_00068.jpg /bedroom_0059/sync_depth_00068.png 518.8579 +/office_0003/rgb_00047.jpg /office_0003/sync_depth_00047.png 518.8579 +/dining_room_0008/rgb_00177.jpg /dining_room_0008/sync_depth_00177.png 518.8579 +/foyer_0002/rgb_00015.jpg /foyer_0002/sync_depth_00015.png 518.8579 +/living_room_0039/rgb_00021.jpg /living_room_0039/sync_depth_00021.png 518.8579 +/bedroom_0026/rgb_00057.jpg /bedroom_0026/sync_depth_00057.png 518.8579 +/bathroom_0053/rgb_00017.jpg /bathroom_0053/sync_depth_00017.png 518.8579 +/bathroom_0045a/rgb_00063.jpg /bathroom_0045a/sync_depth_00063.png 518.8579 +/study_room_0004/rgb_00072.jpg /study_room_0004/sync_depth_00072.png 518.8579 +/dining_room_0007/rgb_00216.jpg /dining_room_0007/sync_depth_00216.png 518.8579 +/living_room_0050/rgb_00153.jpg /living_room_0050/sync_depth_00153.png 518.8579 +/kitchen_0028b/rgb_00016.jpg /kitchen_0028b/sync_depth_00016.png 518.8579 +/living_room_0062/rgb_00170.jpg /living_room_0062/sync_depth_00170.png 518.8579 +/bathroom_0005/rgb_00035.jpg /bathroom_0005/sync_depth_00035.png 518.8579 +/furniture_store_0002a/rgb_00321.jpg /furniture_store_0002a/sync_depth_00321.png 518.8579 +/dining_room_0004/rgb_00028.jpg /dining_room_0004/sync_depth_00028.png 518.8579 +/cafe_0001c/rgb_00053.jpg /cafe_0001c/sync_depth_00053.png 518.8579 +/kitchen_0035b/rgb_00076.jpg /kitchen_0035b/sync_depth_00076.png 518.8579 +/office_0006/rgb_00004.jpg /office_0006/sync_depth_00004.png 518.8579 +/living_room_0047a/rgb_00025.jpg /living_room_0047a/sync_depth_00025.png 518.8579 +/bedroom_0094/rgb_00021.jpg /bedroom_0094/sync_depth_00021.png 518.8579 +/living_room_0050/rgb_00213.jpg /living_room_0050/sync_depth_00213.png 518.8579 +/home_office_0013/rgb_00069.jpg /home_office_0013/sync_depth_00069.png 518.8579 +/living_room_0042b/rgb_00012.jpg /living_room_0042b/sync_depth_00012.png 518.8579 +/bedroom_0051/rgb_00137.jpg /bedroom_0051/sync_depth_00137.png 518.8579 +/furniture_store_0001d/rgb_00251.jpg /furniture_store_0001d/sync_depth_00251.png 518.8579 +/home_storage_0001/rgb_00052.jpg /home_storage_0001/sync_depth_00052.png 518.8579 +/study_0004/rgb_00068.jpg /study_0004/sync_depth_00068.png 518.8579 +/dining_room_0033/rgb_00061.jpg /dining_room_0033/sync_depth_00061.png 518.8579 +/bedroom_0015/rgb_00102.jpg /bedroom_0015/sync_depth_00102.png 518.8579 +/home_office_0008/rgb_00116.jpg /home_office_0008/sync_depth_00116.png 518.8579 +/kitchen_0049/rgb_00193.jpg /kitchen_0049/sync_depth_00193.png 518.8579 +/bedroom_0021/rgb_00026.jpg /bedroom_0021/sync_depth_00026.png 518.8579 +/bedroom_0053/rgb_00035.jpg /bedroom_0053/sync_depth_00035.png 518.8579 +/kitchen_0011a/rgb_00097.jpg /kitchen_0011a/sync_depth_00097.png 518.8579 +/furniture_store_0002a/rgb_00046.jpg /furniture_store_0002a/sync_depth_00046.png 518.8579 +/bedroom_0072/rgb_00093.jpg /bedroom_0072/sync_depth_00093.png 518.8579 +/playroom_0006/rgb_00050.jpg /playroom_0006/sync_depth_00050.png 518.8579 +/bedroom_0113/rgb_00089.jpg /bedroom_0113/sync_depth_00089.png 518.8579 +/living_room_0058/rgb_00213.jpg /living_room_0058/sync_depth_00213.png 518.8579 +/kitchen_0043/rgb_00256.jpg /kitchen_0043/sync_depth_00256.png 518.8579 +/living_room_0070/rgb_00035.jpg /living_room_0070/sync_depth_00035.png 518.8579 +/kitchen_0029b/rgb_00027.jpg /kitchen_0029b/sync_depth_00027.png 518.8579 +/nyu_office_0/rgb_00391.jpg /nyu_office_0/sync_depth_00391.png 518.8579 +/living_room_0047a/rgb_00038.jpg /living_room_0047a/sync_depth_00038.png 518.8579 +/bedroom_0063/rgb_00125.jpg /bedroom_0063/sync_depth_00125.png 518.8579 +/dining_room_0015/rgb_00041.jpg /dining_room_0015/sync_depth_00041.png 518.8579 +/bookstore_0001g/rgb_00037.jpg /bookstore_0001g/sync_depth_00037.png 518.8579 +/kitchen_0029c/rgb_00102.jpg /kitchen_0029c/sync_depth_00102.png 518.8579 +/bedroom_0040/rgb_00085.jpg /bedroom_0040/sync_depth_00085.png 518.8579 +/dining_room_0028/rgb_00079.jpg /dining_room_0028/sync_depth_00079.png 518.8579 +/office_0011/rgb_00170.jpg /office_0011/sync_depth_00170.png 518.8579 +/furniture_store_0002a/rgb_00013.jpg /furniture_store_0002a/sync_depth_00013.png 518.8579 +/living_room_0067/rgb_00065.jpg /living_room_0067/sync_depth_00065.png 518.8579 +/bathroom_0028/rgb_00020.jpg /bathroom_0028/sync_depth_00020.png 518.8579 +/classroom_0011/rgb_00056.jpg /classroom_0011/sync_depth_00056.png 518.8579 +/bedroom_0056a/rgb_00098.jpg /bedroom_0056a/sync_depth_00098.png 518.8579 +/dining_room_0037/rgb_00074.jpg /dining_room_0037/sync_depth_00074.png 518.8579 +/basement_0001a/rgb_00151.jpg /basement_0001a/sync_depth_00151.png 518.8579 +/kitchen_0060/rgb_00142.jpg /kitchen_0060/sync_depth_00142.png 518.8579 +/dining_room_0008/rgb_00036.jpg /dining_room_0008/sync_depth_00036.png 518.8579 +/bookstore_0001f/rgb_00010.jpg /bookstore_0001f/sync_depth_00010.png 518.8579 +/furniture_store_0002a/rgb_00265.jpg /furniture_store_0002a/sync_depth_00265.png 518.8579 +/classroom_0016/rgb_00034.jpg /classroom_0016/sync_depth_00034.png 518.8579 +/bedroom_0051/rgb_00054.jpg /bedroom_0051/sync_depth_00054.png 518.8579 +/kitchen_0045b/rgb_00109.jpg /kitchen_0045b/sync_depth_00109.png 518.8579 +/home_office_0004/rgb_00141.jpg /home_office_0004/sync_depth_00141.png 518.8579 +/bedroom_0025/rgb_00121.jpg /bedroom_0025/sync_depth_00121.png 518.8579 +/dining_room_0037/rgb_00138.jpg /dining_room_0037/sync_depth_00138.png 518.8579 +/living_room_0029/rgb_00029.jpg /living_room_0029/sync_depth_00029.png 518.8579 +/playroom_0006/rgb_00043.jpg /playroom_0006/sync_depth_00043.png 518.8579 +/study_0004/rgb_00087.jpg /study_0004/sync_depth_00087.png 518.8579 +/kitchen_0031/rgb_00028.jpg /kitchen_0031/sync_depth_00028.png 518.8579 +/playroom_0003/rgb_00157.jpg /playroom_0003/sync_depth_00157.png 518.8579 +/bedroom_0039/rgb_00031.jpg /bedroom_0039/sync_depth_00031.png 518.8579 +/dining_room_0012/rgb_00049.jpg /dining_room_0012/sync_depth_00049.png 518.8579 +/bedroom_0047/rgb_00048.jpg /bedroom_0047/sync_depth_00048.png 518.8579 +/furniture_store_0002b/rgb_00170.jpg /furniture_store_0002b/sync_depth_00170.png 518.8579 +/living_room_0022/rgb_00018.jpg /living_room_0022/sync_depth_00018.png 518.8579 +/basement_0001a/rgb_00104.jpg /basement_0001a/sync_depth_00104.png 518.8579 +/bedroom_0015/rgb_00023.jpg /bedroom_0015/sync_depth_00023.png 518.8579 +/kitchen_0047/rgb_00071.jpg /kitchen_0047/sync_depth_00071.png 518.8579 +/kitchen_0047/rgb_00113.jpg /kitchen_0047/sync_depth_00113.png 518.8579 +/bookstore_0001d/rgb_00227.jpg /bookstore_0001d/sync_depth_00227.png 518.8579 +/kitchen_0045a/rgb_00029.jpg /kitchen_0045a/sync_depth_00029.png 518.8579 +/dining_room_0019/rgb_00059.jpg /dining_room_0019/sync_depth_00059.png 518.8579 +/bedroom_0004/rgb_00001.jpg /bedroom_0004/sync_depth_00001.png 518.8579 +/kitchen_0011a/rgb_00074.jpg /kitchen_0011a/sync_depth_00074.png 518.8579 +/living_room_0029/rgb_00078.jpg /living_room_0029/sync_depth_00078.png 518.8579 +/bedroom_0120/rgb_00073.jpg /bedroom_0120/sync_depth_00073.png 518.8579 +/dining_room_0013/rgb_00194.jpg /dining_room_0013/sync_depth_00194.png 518.8579 +/bedroom_0026/rgb_00127.jpg /bedroom_0026/sync_depth_00127.png 518.8579 +/bedroom_0029/rgb_00003.jpg /bedroom_0029/sync_depth_00003.png 518.8579 +/kitchen_0011a/rgb_00139.jpg /kitchen_0011a/sync_depth_00139.png 518.8579 +/furniture_store_0002b/rgb_00224.jpg /furniture_store_0002b/sync_depth_00224.png 518.8579 +/bedroom_0076a/rgb_00265.jpg /bedroom_0076a/sync_depth_00265.png 518.8579 +/bedroom_0026/rgb_00041.jpg /bedroom_0026/sync_depth_00041.png 518.8579 +/living_room_0067/rgb_00083.jpg /living_room_0067/sync_depth_00083.png 518.8579 +/classroom_0012/rgb_00001.jpg /classroom_0012/sync_depth_00001.png 518.8579 +/living_room_0069a/rgb_00012.jpg /living_room_0069a/sync_depth_00012.png 518.8579 +/bedroom_0010/rgb_00046.jpg /bedroom_0010/sync_depth_00046.png 518.8579 +/bedroom_0107/rgb_00049.jpg /bedroom_0107/sync_depth_00049.png 518.8579 +/kitchen_0047/rgb_00108.jpg /kitchen_0047/sync_depth_00108.png 518.8579 +/dining_room_0037/rgb_00086.jpg /dining_room_0037/sync_depth_00086.png 518.8579 +/home_office_0006/rgb_00010.jpg /home_office_0006/sync_depth_00010.png 518.8579 +/dining_room_0033/rgb_00158.jpg /dining_room_0033/sync_depth_00158.png 518.8579 +/home_office_0008/rgb_00148.jpg /home_office_0008/sync_depth_00148.png 518.8579 +/indoor_balcony_0001/rgb_00035.jpg /indoor_balcony_0001/sync_depth_00035.png 518.8579 +/bookstore_0001f/rgb_00476.jpg /bookstore_0001f/sync_depth_00476.png 518.8579 +/dining_room_0024/rgb_00161.jpg /dining_room_0024/sync_depth_00161.png 518.8579 +/classroom_0005/rgb_00002.jpg /classroom_0005/sync_depth_00002.png 518.8579 +/bedroom_0062/rgb_00150.jpg /bedroom_0062/sync_depth_00150.png 518.8579 +/kitchen_0035b/rgb_00094.jpg /kitchen_0035b/sync_depth_00094.png 518.8579 +/study_room_0005a/rgb_00000.jpg /study_room_0005a/sync_depth_00000.png 518.8579 +/home_office_0006/rgb_00160.jpg /home_office_0006/sync_depth_00160.png 518.8579 +/bookstore_0001g/rgb_00245.jpg /bookstore_0001g/sync_depth_00245.png 518.8579 +/dinette_0001/rgb_00047.jpg /dinette_0001/sync_depth_00047.png 518.8579 +/study_0003/rgb_00004.jpg /study_0003/sync_depth_00004.png 518.8579 +/bedroom_0094/rgb_00023.jpg /bedroom_0094/sync_depth_00023.png 518.8579 +/bedroom_0138/rgb_00037.jpg /bedroom_0138/sync_depth_00037.png 518.8579 +/home_office_0006/rgb_00036.jpg /home_office_0006/sync_depth_00036.png 518.8579 +/bedroom_0078/rgb_00110.jpg /bedroom_0078/sync_depth_00110.png 518.8579 +/living_room_0039/rgb_00006.jpg /living_room_0039/sync_depth_00006.png 518.8579 +/dining_room_0024/rgb_00080.jpg /dining_room_0024/sync_depth_00080.png 518.8579 +/living_room_0040/rgb_00042.jpg /living_room_0040/sync_depth_00042.png 518.8579 +/kitchen_0053/rgb_00164.jpg /kitchen_0053/sync_depth_00164.png 518.8579 +/living_room_0050/rgb_00264.jpg /living_room_0050/sync_depth_00264.png 518.8579 +/nyu_office_0/rgb_00388.jpg /nyu_office_0/sync_depth_00388.png 518.8579 +/kitchen_0060/rgb_00030.jpg /kitchen_0060/sync_depth_00030.png 518.8579 +/furniture_store_0001d/rgb_00145.jpg /furniture_store_0001d/sync_depth_00145.png 518.8579 +/bedroom_0071/rgb_00076.jpg /bedroom_0071/sync_depth_00076.png 518.8579 +/bookstore_0001d/rgb_00213.jpg /bookstore_0001d/sync_depth_00213.png 518.8579 +/classroom_0022/rgb_00099.jpg /classroom_0022/sync_depth_00099.png 518.8579 +/bookstore_0001f/rgb_00477.jpg /bookstore_0001f/sync_depth_00477.png 518.8579 +/student_lounge_0001/rgb_00262.jpg /student_lounge_0001/sync_depth_00262.png 518.8579 +/bookstore_0001f/rgb_00460.jpg /bookstore_0001f/sync_depth_00460.png 518.8579 +/bedroom_0120/rgb_00087.jpg /bedroom_0120/sync_depth_00087.png 518.8579 +/bathroom_0055/rgb_00040.jpg /bathroom_0055/sync_depth_00040.png 518.8579 +/furniture_store_0001d/rgb_00274.jpg /furniture_store_0001d/sync_depth_00274.png 518.8579 +/kitchen_0017/rgb_00095.jpg /kitchen_0017/sync_depth_00095.png 518.8579 +/kitchen_0003/rgb_00049.jpg /kitchen_0003/sync_depth_00049.png 518.8579 +/office_0011/rgb_00045.jpg /office_0011/sync_depth_00045.png 518.8579 +/bedroom_0026/rgb_00092.jpg /bedroom_0026/sync_depth_00092.png 518.8579 +/bedroom_0086/rgb_00046.jpg /bedroom_0086/sync_depth_00046.png 518.8579 +/living_room_0068/rgb_00063.jpg /living_room_0068/sync_depth_00063.png 518.8579 +/living_room_0020/rgb_00134.jpg /living_room_0020/sync_depth_00134.png 518.8579 +/bedroom_0012/rgb_00012.jpg /bedroom_0012/sync_depth_00012.png 518.8579 +/home_office_0007/rgb_00024.jpg /home_office_0007/sync_depth_00024.png 518.8579 +/kitchen_0035b/rgb_00007.jpg /kitchen_0035b/sync_depth_00007.png 518.8579 +/living_room_0047a/rgb_00006.jpg /living_room_0047a/sync_depth_00006.png 518.8579 +/living_room_0062/rgb_00106.jpg /living_room_0062/sync_depth_00106.png 518.8579 +/cafe_0001a/rgb_00066.jpg /cafe_0001a/sync_depth_00066.png 518.8579 +/study_room_0004/rgb_00075.jpg /study_room_0004/sync_depth_00075.png 518.8579 +/furniture_store_0001d/rgb_00081.jpg /furniture_store_0001d/sync_depth_00081.png 518.8579 +/bookstore_0001d/rgb_00062.jpg /bookstore_0001d/sync_depth_00062.png 518.8579 +/living_room_0067/rgb_00035.jpg /living_room_0067/sync_depth_00035.png 518.8579 +/dining_room_0007/rgb_00079.jpg /dining_room_0007/sync_depth_00079.png 518.8579 +/bookstore_0001f/rgb_00197.jpg /bookstore_0001f/sync_depth_00197.png 518.8579 +/bedroom_0012/rgb_00003.jpg /bedroom_0012/sync_depth_00003.png 518.8579 +/kitchen_0028a/rgb_00118.jpg /kitchen_0028a/sync_depth_00118.png 518.8579 +/living_room_0039/rgb_00186.jpg /living_room_0039/sync_depth_00186.png 518.8579 +/furniture_store_0002a/rgb_00191.jpg /furniture_store_0002a/sync_depth_00191.png 518.8579 +/kitchen_0060/rgb_00158.jpg /kitchen_0060/sync_depth_00158.png 518.8579 +/home_office_0006/rgb_00122.jpg /home_office_0006/sync_depth_00122.png 518.8579 +/furniture_store_0002a/rgb_00062.jpg /furniture_store_0002a/sync_depth_00062.png 518.8579 +/living_room_0083/rgb_00009.jpg /living_room_0083/sync_depth_00009.png 518.8579 +/bedroom_0028/rgb_00070.jpg /bedroom_0028/sync_depth_00070.png 518.8579 +/bathroom_0034/rgb_00036.jpg /bathroom_0034/sync_depth_00036.png 518.8579 +/bedroom_0016/rgb_00116.jpg /bedroom_0016/sync_depth_00116.png 518.8579 +/bedroom_0136/rgb_00128.jpg /bedroom_0136/sync_depth_00128.png 518.8579 +/furniture_store_0002c/rgb_00051.jpg /furniture_store_0002c/sync_depth_00051.png 518.8579 +/bedroom_0050/rgb_00153.jpg /bedroom_0050/sync_depth_00153.png 518.8579 +/furniture_store_0001d/rgb_00155.jpg /furniture_store_0001d/sync_depth_00155.png 518.8579 +/kitchen_0043/rgb_00247.jpg /kitchen_0043/sync_depth_00247.png 518.8579 +/furniture_store_0002a/rgb_00178.jpg /furniture_store_0002a/sync_depth_00178.png 518.8579 +/kitchen_0050/rgb_00145.jpg /kitchen_0050/sync_depth_00145.png 518.8579 +/living_room_0047b/rgb_00144.jpg /living_room_0047b/sync_depth_00144.png 518.8579 +/living_room_0085/rgb_00033.jpg /living_room_0085/sync_depth_00033.png 518.8579 +/bedroom_0076a/rgb_00162.jpg /bedroom_0076a/sync_depth_00162.png 518.8579 +/kitchen_0031/rgb_00205.jpg /kitchen_0031/sync_depth_00205.png 518.8579 +/home_office_0006/rgb_00166.jpg /home_office_0006/sync_depth_00166.png 518.8579 +/kitchen_0060/rgb_00103.jpg /kitchen_0060/sync_depth_00103.png 518.8579 +/furniture_store_0001d/rgb_00220.jpg /furniture_store_0001d/sync_depth_00220.png 518.8579 +/bookstore_0001g/rgb_00054.jpg /bookstore_0001g/sync_depth_00054.png 518.8579 +/bathroom_0057/rgb_00000.jpg /bathroom_0057/sync_depth_00000.png 518.8579 +/kitchen_0035b/rgb_00276.jpg /kitchen_0035b/sync_depth_00276.png 518.8579 +/bookstore_0001e/rgb_00190.jpg /bookstore_0001e/sync_depth_00190.png 518.8579 +/bathroom_0028/rgb_00117.jpg /bathroom_0028/sync_depth_00117.png 518.8579 +/living_room_0063/rgb_00116.jpg /living_room_0063/sync_depth_00116.png 518.8579 +/office_0023/rgb_00038.jpg /office_0023/sync_depth_00038.png 518.8579 +/kitchen_0060/rgb_00092.jpg /kitchen_0060/sync_depth_00092.png 518.8579 +/dining_room_0015/rgb_00051.jpg /dining_room_0015/sync_depth_00051.png 518.8579 +/bedroom_0021/rgb_00093.jpg /bedroom_0021/sync_depth_00093.png 518.8579 +/living_room_0058/rgb_00069.jpg /living_room_0058/sync_depth_00069.png 518.8579 +/office_0009/rgb_00018.jpg /office_0009/sync_depth_00018.png 518.8579 +/office_kitchen_0003/rgb_00064.jpg /office_kitchen_0003/sync_depth_00064.png 518.8579 +/furniture_store_0002a/rgb_00019.jpg /furniture_store_0002a/sync_depth_00019.png 518.8579 +/dining_room_0004/rgb_00000.jpg /dining_room_0004/sync_depth_00000.png 518.8579 +/reception_room_0002/rgb_00059.jpg /reception_room_0002/sync_depth_00059.png 518.8579 +/bathroom_0045a/rgb_00046.jpg /bathroom_0045a/sync_depth_00046.png 518.8579 +/nyu_office_0/rgb_00123.jpg /nyu_office_0/sync_depth_00123.png 518.8579 +/dining_room_0037/rgb_00052.jpg /dining_room_0037/sync_depth_00052.png 518.8579 +/bedroom_0040/rgb_00028.jpg /bedroom_0040/sync_depth_00028.png 518.8579 +/living_room_0058/rgb_00008.jpg /living_room_0058/sync_depth_00008.png 518.8579 +/furniture_store_0002a/rgb_00060.jpg /furniture_store_0002a/sync_depth_00060.png 518.8579 +/living_room_0012/rgb_00024.jpg /living_room_0012/sync_depth_00024.png 518.8579 +/kitchen_0031/rgb_00211.jpg /kitchen_0031/sync_depth_00211.png 518.8579 +/dining_room_0034/rgb_00120.jpg /dining_room_0034/sync_depth_00120.png 518.8579 +/study_room_0004/rgb_00023.jpg /study_room_0004/sync_depth_00023.png 518.8579 +/kitchen_0019b/rgb_00024.jpg /kitchen_0019b/sync_depth_00024.png 518.8579 +/conference_room_0001/rgb_00007.jpg /conference_room_0001/sync_depth_00007.png 518.8579 +/office_kitchen_0001b/rgb_00018.jpg /office_kitchen_0001b/sync_depth_00018.png 518.8579 +/office_0024/rgb_00006.jpg /office_0024/sync_depth_00006.png 518.8579 +/living_room_0058/rgb_00189.jpg /living_room_0058/sync_depth_00189.png 518.8579 +/bedroom_0004/rgb_00177.jpg /bedroom_0004/sync_depth_00177.png 518.8579 +/dining_room_0007/rgb_00209.jpg /dining_room_0007/sync_depth_00209.png 518.8579 +/living_room_0004/rgb_00171.jpg /living_room_0004/sync_depth_00171.png 518.8579 +/furniture_store_0002c/rgb_00076.jpg /furniture_store_0002c/sync_depth_00076.png 518.8579 +/bedroom_0066/rgb_00027.jpg /bedroom_0066/sync_depth_00027.png 518.8579 +/nyu_office_0/rgb_00251.jpg /nyu_office_0/sync_depth_00251.png 518.8579 +/bedroom_0079/rgb_00031.jpg /bedroom_0079/sync_depth_00031.png 518.8579 +/living_room_0022/rgb_00055.jpg /living_room_0022/sync_depth_00055.png 518.8579 +/bedroom_0041/rgb_00070.jpg /bedroom_0041/sync_depth_00070.png 518.8579 +/furniture_store_0001b/rgb_00076.jpg /furniture_store_0001b/sync_depth_00076.png 518.8579 +/home_office_0004/rgb_00173.jpg /home_office_0004/sync_depth_00173.png 518.8579 +/living_room_0050/rgb_00158.jpg /living_room_0050/sync_depth_00158.png 518.8579 +/nyu_office_0/rgb_00000.jpg /nyu_office_0/sync_depth_00000.png 518.8579 +/study_room_0005a/rgb_00048.jpg /study_room_0005a/sync_depth_00048.png 518.8579 +/kitchen_0028a/rgb_00042.jpg /kitchen_0028a/sync_depth_00042.png 518.8579 +/bedroom_0016/rgb_00207.jpg /bedroom_0016/sync_depth_00207.png 518.8579 +/bedroom_0136/rgb_00043.jpg /bedroom_0136/sync_depth_00043.png 518.8579 +/basement_0001b/rgb_00005.jpg /basement_0001b/sync_depth_00005.png 518.8579 +/bedroom_0138/rgb_00067.jpg /bedroom_0138/sync_depth_00067.png 518.8579 +/kitchen_0016/rgb_00014.jpg /kitchen_0016/sync_depth_00014.png 518.8579 +/dinette_0001/rgb_00032.jpg /dinette_0001/sync_depth_00032.png 518.8579 +/basement_0001a/rgb_00163.jpg /basement_0001a/sync_depth_00163.png 518.8579 +/living_room_0046b/rgb_00054.jpg /living_room_0046b/sync_depth_00054.png 518.8579 +/living_room_0058/rgb_00247.jpg /living_room_0058/sync_depth_00247.png 518.8579 +/living_room_0020/rgb_00161.jpg /living_room_0020/sync_depth_00161.png 518.8579 +/dining_room_0015/rgb_00151.jpg /dining_room_0015/sync_depth_00151.png 518.8579 +/living_room_0068/rgb_00058.jpg /living_room_0068/sync_depth_00058.png 518.8579 +/furniture_store_0001f/rgb_00014.jpg /furniture_store_0001f/sync_depth_00014.png 518.8579 +/living_room_0012/rgb_00050.jpg /living_room_0012/sync_depth_00050.png 518.8579 +/bedroom_0016/rgb_00186.jpg /bedroom_0016/sync_depth_00186.png 518.8579 +/living_room_0040/rgb_00258.jpg /living_room_0040/sync_depth_00258.png 518.8579 +/living_room_0005/rgb_00032.jpg /living_room_0005/sync_depth_00032.png 518.8579 +/office_0018/rgb_00029.jpg /office_0018/sync_depth_00029.png 518.8579 +/kitchen_0003/rgb_00158.jpg /kitchen_0003/sync_depth_00158.png 518.8579 +/kitchen_0048/rgb_00054.jpg /kitchen_0048/sync_depth_00054.png 518.8579 +/living_room_0050/rgb_00049.jpg /living_room_0050/sync_depth_00049.png 518.8579 +/bathroom_0034/rgb_00003.jpg /bathroom_0034/sync_depth_00003.png 518.8579 +/living_room_0020/rgb_00164.jpg /living_room_0020/sync_depth_00164.png 518.8579 +/living_room_0035/rgb_00022.jpg /living_room_0035/sync_depth_00022.png 518.8579 +/kitchen_0035b/rgb_00168.jpg /kitchen_0035b/sync_depth_00168.png 518.8579 +/kitchen_0049/rgb_00094.jpg /kitchen_0049/sync_depth_00094.png 518.8579 +/home_office_0008/rgb_00025.jpg /home_office_0008/sync_depth_00025.png 518.8579 +/bathroom_0056/rgb_00023.jpg /bathroom_0056/sync_depth_00023.png 518.8579 +/kitchen_0033/rgb_00103.jpg /kitchen_0033/sync_depth_00103.png 518.8579 +/living_room_0083/rgb_00003.jpg /living_room_0083/sync_depth_00003.png 518.8579 +/bookstore_0001g/rgb_00254.jpg /bookstore_0001g/sync_depth_00254.png 518.8579 +/living_room_0047b/rgb_00103.jpg /living_room_0047b/sync_depth_00103.png 518.8579 +/bookstore_0001f/rgb_00480.jpg /bookstore_0001f/sync_depth_00480.png 518.8579 +/reception_room_0004/rgb_00022.jpg /reception_room_0004/sync_depth_00022.png 518.8579 +/living_room_0068/rgb_00000.jpg /living_room_0068/sync_depth_00000.png 518.8579 +/kitchen_0019a/rgb_00084.jpg /kitchen_0019a/sync_depth_00084.png 518.8579 +/dining_room_0013/rgb_00025.jpg /dining_room_0013/sync_depth_00025.png 518.8579 +/kitchen_0045b/rgb_00056.jpg /kitchen_0045b/sync_depth_00056.png 518.8579 +/bedroom_0051/rgb_00142.jpg /bedroom_0051/sync_depth_00142.png 518.8579 +/kitchen_0043/rgb_00045.jpg /kitchen_0043/sync_depth_00045.png 518.8579 +/living_room_0022/rgb_00298.jpg /living_room_0022/sync_depth_00298.png 518.8579 +/bedroom_0060/rgb_00084.jpg /bedroom_0060/sync_depth_00084.png 518.8579 +/bookstore_0001e/rgb_00213.jpg /bookstore_0001e/sync_depth_00213.png 518.8579 +/living_room_0022/rgb_00310.jpg /living_room_0022/sync_depth_00310.png 518.8579 +/bedroom_0004/rgb_00050.jpg /bedroom_0004/sync_depth_00050.png 518.8579 +/living_room_0055/rgb_00039.jpg /living_room_0055/sync_depth_00039.png 518.8579 +/dining_room_0008/rgb_00109.jpg /dining_room_0008/sync_depth_00109.png 518.8579 +/bedroom_0051/rgb_00174.jpg /bedroom_0051/sync_depth_00174.png 518.8579 +/dining_room_0013/rgb_00062.jpg /dining_room_0013/sync_depth_00062.png 518.8579 +/classroom_0016/rgb_00022.jpg /classroom_0016/sync_depth_00022.png 518.8579 +/dining_room_0010/rgb_00059.jpg /dining_room_0010/sync_depth_00059.png 518.8579 +/bedroom_0086/rgb_00011.jpg /bedroom_0086/sync_depth_00011.png 518.8579 +/office_0025/rgb_00020.jpg /office_0025/sync_depth_00020.png 518.8579 +/bathroom_0006/rgb_00026.jpg /bathroom_0006/sync_depth_00026.png 518.8579 +/dining_room_0015/rgb_00124.jpg /dining_room_0015/sync_depth_00124.png 518.8579 +/kitchen_0047/rgb_00072.jpg /kitchen_0047/sync_depth_00072.png 518.8579 +/living_room_0010/rgb_00107.jpg /living_room_0010/sync_depth_00107.png 518.8579 +/office_0021/rgb_00055.jpg /office_0021/sync_depth_00055.png 518.8579 +/furniture_store_0002c/rgb_00044.jpg /furniture_store_0002c/sync_depth_00044.png 518.8579 +/cafe_0001a/rgb_00044.jpg /cafe_0001a/sync_depth_00044.png 518.8579 +/home_office_0013/rgb_00090.jpg /home_office_0013/sync_depth_00090.png 518.8579 +/bedroom_0065/rgb_00027.jpg /bedroom_0065/sync_depth_00027.png 518.8579 +/kitchen_0019a/rgb_00052.jpg /kitchen_0019a/sync_depth_00052.png 518.8579 +/cafe_0001b/rgb_00030.jpg /cafe_0001b/sync_depth_00030.png 518.8579 +/bedroom_0096/rgb_00036.jpg /bedroom_0096/sync_depth_00036.png 518.8579 +/bookstore_0001g/rgb_00018.jpg /bookstore_0001g/sync_depth_00018.png 518.8579 +/dining_room_0024/rgb_00143.jpg /dining_room_0024/sync_depth_00143.png 518.8579 +/dining_room_0008/rgb_00055.jpg /dining_room_0008/sync_depth_00055.png 518.8579 +/dining_room_0016/rgb_00100.jpg /dining_room_0016/sync_depth_00100.png 518.8579 +/classroom_0004/rgb_00000.jpg /classroom_0004/sync_depth_00000.png 518.8579 +/bedroom_0052/rgb_00210.jpg /bedroom_0052/sync_depth_00210.png 518.8579 +/conference_room_0002/rgb_00026.jpg /conference_room_0002/sync_depth_00026.png 518.8579 +/bedroom_0071/rgb_00120.jpg /bedroom_0071/sync_depth_00120.png 518.8579 +/dining_room_0019/rgb_00054.jpg /dining_room_0019/sync_depth_00054.png 518.8579 +/living_room_0070/rgb_00025.jpg /living_room_0070/sync_depth_00025.png 518.8579 +/bedroom_0062/rgb_00115.jpg /bedroom_0062/sync_depth_00115.png 518.8579 +/living_room_0010/rgb_00023.jpg /living_room_0010/sync_depth_00023.png 518.8579 +/kitchen_0029c/rgb_00060.jpg /kitchen_0029c/sync_depth_00060.png 518.8579 +/living_room_0012/rgb_00184.jpg /living_room_0012/sync_depth_00184.png 518.8579 +/furniture_store_0002b/rgb_00106.jpg /furniture_store_0002b/sync_depth_00106.png 518.8579 +/kitchen_0031/rgb_00021.jpg /kitchen_0031/sync_depth_00021.png 518.8579 +/dining_room_0033/rgb_00019.jpg /dining_room_0033/sync_depth_00019.png 518.8579 +/kitchen_0003/rgb_00091.jpg /kitchen_0003/sync_depth_00091.png 518.8579 +/bathroom_0028/rgb_00167.jpg /bathroom_0028/sync_depth_00167.png 518.8579 +/living_room_0037/rgb_00005.jpg /living_room_0037/sync_depth_00005.png 518.8579 +/bathroom_0041/rgb_00023.jpg /bathroom_0041/sync_depth_00023.png 518.8579 +/bedroom_0004/rgb_00178.jpg /bedroom_0004/sync_depth_00178.png 518.8579 +/dining_room_0029/rgb_00104.jpg /dining_room_0029/sync_depth_00104.png 518.8579 +/bedroom_0136/rgb_00089.jpg /bedroom_0136/sync_depth_00089.png 518.8579 +/furniture_store_0002a/rgb_00417.jpg /furniture_store_0002a/sync_depth_00417.png 518.8579 +/living_room_0058/rgb_00053.jpg /living_room_0058/sync_depth_00053.png 518.8579 +/bathroom_0014a/rgb_00073.jpg /bathroom_0014a/sync_depth_00073.png 518.8579 +/playroom_0003/rgb_00035.jpg /playroom_0003/sync_depth_00035.png 518.8579 +/reception_room_0002/rgb_00068.jpg /reception_room_0002/sync_depth_00068.png 518.8579 +/bookstore_0001e/rgb_00225.jpg /bookstore_0001e/sync_depth_00225.png 518.8579 +/bedroom_0042/rgb_00000.jpg /bedroom_0042/sync_depth_00000.png 518.8579 +/bedroom_0078/rgb_00097.jpg /bedroom_0078/sync_depth_00097.png 518.8579 +/playroom_0006/rgb_00101.jpg /playroom_0006/sync_depth_00101.png 518.8579 +/kitchen_0048/rgb_00080.jpg /kitchen_0048/sync_depth_00080.png 518.8579 +/bedroom_0125b/rgb_00017.jpg /bedroom_0125b/sync_depth_00017.png 518.8579 +/bathroom_0057/rgb_00010.jpg /bathroom_0057/sync_depth_00010.png 518.8579 +/living_room_0012/rgb_00037.jpg /living_room_0012/sync_depth_00037.png 518.8579 +/bedroom_0033/rgb_00077.jpg /bedroom_0033/sync_depth_00077.png 518.8579 +/furniture_store_0001b/rgb_00034.jpg /furniture_store_0001b/sync_depth_00034.png 518.8579 +/kitchen_0048/rgb_00145.jpg /kitchen_0048/sync_depth_00145.png 518.8579 +/kitchen_0010/rgb_00129.jpg /kitchen_0010/sync_depth_00129.png 518.8579 +/furniture_store_0001d/rgb_00115.jpg /furniture_store_0001d/sync_depth_00115.png 518.8579 +/living_room_0050/rgb_00265.jpg /living_room_0050/sync_depth_00265.png 518.8579 +/playroom_0003/rgb_00182.jpg /playroom_0003/sync_depth_00182.png 518.8579 +/living_room_0069a/rgb_00119.jpg /living_room_0069a/sync_depth_00119.png 518.8579 +/classroom_0006/rgb_00183.jpg /classroom_0006/sync_depth_00183.png 518.8579 +/dining_room_0007/rgb_00112.jpg /dining_room_0007/sync_depth_00112.png 518.8579 +/bedroom_0040/rgb_00037.jpg /bedroom_0040/sync_depth_00037.png 518.8579 +/dining_room_0010/rgb_00089.jpg /dining_room_0010/sync_depth_00089.png 518.8579 +/bedroom_0026/rgb_00117.jpg /bedroom_0026/sync_depth_00117.png 518.8579 +/dining_room_0008/rgb_00170.jpg /dining_room_0008/sync_depth_00170.png 518.8579 +/bedroom_0100/rgb_00065.jpg /bedroom_0100/sync_depth_00065.png 518.8579 +/office_kitchen_0003/rgb_00106.jpg /office_kitchen_0003/sync_depth_00106.png 518.8579 +/kitchen_0059/rgb_00000.jpg /kitchen_0059/sync_depth_00000.png 518.8579 +/bedroom_0076a/rgb_00152.jpg /bedroom_0076a/sync_depth_00152.png 518.8579 +/bathroom_0011/rgb_00015.jpg /bathroom_0011/sync_depth_00015.png 518.8579 +/living_room_0082/rgb_00069.jpg /living_room_0082/sync_depth_00069.png 518.8579 +/living_room_0047b/rgb_00050.jpg /living_room_0047b/sync_depth_00050.png 518.8579 +/living_room_0019/rgb_00102.jpg /living_room_0019/sync_depth_00102.png 518.8579 +/office_0006/rgb_00164.jpg /office_0006/sync_depth_00164.png 518.8579 +/laundry_room_0001/rgb_00057.jpg /laundry_room_0001/sync_depth_00057.png 518.8579 +/living_room_0039/rgb_00102.jpg /living_room_0039/sync_depth_00102.png 518.8579 +/office_kitchen_0003/rgb_00041.jpg /office_kitchen_0003/sync_depth_00041.png 518.8579 +/bedroom_0071/rgb_00135.jpg /bedroom_0071/sync_depth_00135.png 518.8579 +/indoor_balcony_0001/rgb_00029.jpg /indoor_balcony_0001/sync_depth_00029.png 518.8579 +/bedroom_0057/rgb_00013.jpg /bedroom_0057/sync_depth_00013.png 518.8579 +/kitchen_0060/rgb_00069.jpg /kitchen_0060/sync_depth_00069.png 518.8579 +/kitchen_0028a/rgb_00146.jpg /kitchen_0028a/sync_depth_00146.png 518.8579 +/living_room_0019/rgb_00120.jpg /living_room_0019/sync_depth_00120.png 518.8579 +/living_room_0039/rgb_00012.jpg /living_room_0039/sync_depth_00012.png 518.8579 +/office_0012/rgb_00038.jpg /office_0012/sync_depth_00038.png 518.8579 +/dining_room_0007/rgb_00174.jpg /dining_room_0007/sync_depth_00174.png 518.8579 +/living_room_0058/rgb_00157.jpg /living_room_0058/sync_depth_00157.png 518.8579 +/home_office_0006/rgb_00103.jpg /home_office_0006/sync_depth_00103.png 518.8579 +/living_room_0018/rgb_00149.jpg /living_room_0018/sync_depth_00149.png 518.8579 +/bedroom_0019/rgb_00147.jpg /bedroom_0019/sync_depth_00147.png 518.8579 +/living_room_0018/rgb_00056.jpg /living_room_0018/sync_depth_00056.png 518.8579 +/bedroom_0130/rgb_00001.jpg /bedroom_0130/sync_depth_00001.png 518.8579 +/office_0006/rgb_00038.jpg /office_0006/sync_depth_00038.png 518.8579 +/bedroom_0063/rgb_00012.jpg /bedroom_0063/sync_depth_00012.png 518.8579 +/bedroom_0074/rgb_00028.jpg /bedroom_0074/sync_depth_00028.png 518.8579 +/bedroom_0057/rgb_00018.jpg /bedroom_0057/sync_depth_00018.png 518.8579 +/dining_room_0031/rgb_00209.jpg /dining_room_0031/sync_depth_00209.png 518.8579 +/printer_room_0001/rgb_00041.jpg /printer_room_0001/sync_depth_00041.png 518.8579 +/bedroom_0074/rgb_00091.jpg /bedroom_0074/sync_depth_00091.png 518.8579 +/bedroom_0051/rgb_00043.jpg /bedroom_0051/sync_depth_00043.png 518.8579 +/home_office_0008/rgb_00048.jpg /home_office_0008/sync_depth_00048.png 518.8579 +/bedroom_0065/rgb_00006.jpg /bedroom_0065/sync_depth_00006.png 518.8579 +/bedroom_0138/rgb_00000.jpg /bedroom_0138/sync_depth_00000.png 518.8579 +/living_room_0071/rgb_00010.jpg /living_room_0071/sync_depth_00010.png 518.8579 +/living_room_0012/rgb_00191.jpg /living_room_0012/sync_depth_00191.png 518.8579 +/bookstore_0001j/rgb_00116.jpg /bookstore_0001j/sync_depth_00116.png 518.8579 +/office_0011/rgb_00022.jpg /office_0011/sync_depth_00022.png 518.8579 +/kitchen_0049/rgb_00104.jpg /kitchen_0049/sync_depth_00104.png 518.8579 +/kitchen_0045a/rgb_00109.jpg /kitchen_0045a/sync_depth_00109.png 518.8579 +/office_0021/rgb_00039.jpg /office_0021/sync_depth_00039.png 518.8579 +/bedroom_0053/rgb_00077.jpg /bedroom_0053/sync_depth_00077.png 518.8579 +/dining_room_0033/rgb_00187.jpg /dining_room_0033/sync_depth_00187.png 518.8579 +/living_room_0012/rgb_00204.jpg /living_room_0012/sync_depth_00204.png 518.8579 +/reception_room_0001b/rgb_00084.jpg /reception_room_0001b/sync_depth_00084.png 518.8579 +/furniture_store_0002b/rgb_00274.jpg /furniture_store_0002b/sync_depth_00274.png 518.8579 +/living_room_0020/rgb_00011.jpg /living_room_0020/sync_depth_00011.png 518.8579 +/kitchen_0053/rgb_00160.jpg /kitchen_0053/sync_depth_00160.png 518.8579 +/kitchen_0016/rgb_00011.jpg /kitchen_0016/sync_depth_00011.png 518.8579 +/kitchen_0049/rgb_00030.jpg /kitchen_0049/sync_depth_00030.png 518.8579 +/dining_room_0001b/rgb_00184.jpg /dining_room_0001b/sync_depth_00184.png 518.8579 +/living_room_0062/rgb_00100.jpg /living_room_0062/sync_depth_00100.png 518.8579 +/furniture_store_0002a/rgb_00312.jpg /furniture_store_0002a/sync_depth_00312.png 518.8579 +/dining_room_0019/rgb_00017.jpg /dining_room_0019/sync_depth_00017.png 518.8579 +/kitchen_0051/rgb_00270.jpg /kitchen_0051/sync_depth_00270.png 518.8579 +/living_room_0039/rgb_00101.jpg /living_room_0039/sync_depth_00101.png 518.8579 +/nyu_office_0/rgb_00322.jpg /nyu_office_0/sync_depth_00322.png 518.8579 +/bedroom_0014/rgb_00011.jpg /bedroom_0014/sync_depth_00011.png 518.8579 +/nyu_office_0/rgb_00314.jpg /nyu_office_0/sync_depth_00314.png 518.8579 +/bedroom_0041/rgb_00036.jpg /bedroom_0041/sync_depth_00036.png 518.8579 +/bookstore_0001i/rgb_00141.jpg /bookstore_0001i/sync_depth_00141.png 518.8579 +/bathroom_0056/rgb_00021.jpg /bathroom_0056/sync_depth_00021.png 518.8579 +/home_office_0005/rgb_00086.jpg /home_office_0005/sync_depth_00086.png 518.8579 +/home_office_0006/rgb_00140.jpg /home_office_0006/sync_depth_00140.png 518.8579 +/home_office_0006/rgb_00014.jpg /home_office_0006/sync_depth_00014.png 518.8579 +/bedroom_0080/rgb_00031.jpg /bedroom_0080/sync_depth_00031.png 518.8579 +/living_room_0058/rgb_00215.jpg /living_room_0058/sync_depth_00215.png 518.8579 +/bathroom_0028/rgb_00023.jpg /bathroom_0028/sync_depth_00023.png 518.8579 +/kitchen_0051/rgb_00085.jpg /kitchen_0051/sync_depth_00085.png 518.8579 +/dining_room_0034/rgb_00051.jpg /dining_room_0034/sync_depth_00051.png 518.8579 +/classroom_0004/rgb_00016.jpg /classroom_0004/sync_depth_00016.png 518.8579 +/dining_room_0012/rgb_00230.jpg /dining_room_0012/sync_depth_00230.png 518.8579 +/dining_room_0013/rgb_00201.jpg /dining_room_0013/sync_depth_00201.png 518.8579 +/bathroom_0035/rgb_00008.jpg /bathroom_0035/sync_depth_00008.png 518.8579 +/classroom_0003/rgb_00075.jpg /classroom_0003/sync_depth_00075.png 518.8579 +/bedroom_0059/rgb_00083.jpg /bedroom_0059/sync_depth_00083.png 518.8579 +/bathroom_0048/rgb_00041.jpg /bathroom_0048/sync_depth_00041.png 518.8579 +/living_room_0040/rgb_00161.jpg /living_room_0040/sync_depth_00161.png 518.8579 +/kitchen_0019b/rgb_00001.jpg /kitchen_0019b/sync_depth_00001.png 518.8579 +/living_room_0010/rgb_00177.jpg /living_room_0010/sync_depth_00177.png 518.8579 +/living_room_0012/rgb_00044.jpg /living_room_0012/sync_depth_00044.png 518.8579 +/living_room_0050/rgb_00210.jpg /living_room_0050/sync_depth_00210.png 518.8579 +/kitchen_0010/rgb_00080.jpg /kitchen_0010/sync_depth_00080.png 518.8579 +/kitchen_0051/rgb_00257.jpg /kitchen_0051/sync_depth_00257.png 518.8579 +/dining_room_0016/rgb_00078.jpg /dining_room_0016/sync_depth_00078.png 518.8579 +/bookstore_0001j/rgb_00112.jpg /bookstore_0001j/sync_depth_00112.png 518.8579 +/laundry_room_0001/rgb_00007.jpg /laundry_room_0001/sync_depth_00007.png 518.8579 +/furniture_store_0001e/rgb_00061.jpg /furniture_store_0001e/sync_depth_00061.png 518.8579 +/study_0008/rgb_00004.jpg /study_0008/sync_depth_00004.png 518.8579 +/bedroom_0050/rgb_00060.jpg /bedroom_0050/sync_depth_00060.png 518.8579 +/bedroom_0010/rgb_00078.jpg /bedroom_0010/sync_depth_00078.png 518.8579 +/bedroom_0059/rgb_00078.jpg /bedroom_0059/sync_depth_00078.png 518.8579 +/bedroom_0050/rgb_00001.jpg /bedroom_0050/sync_depth_00001.png 518.8579 +/kitchen_0047/rgb_00018.jpg /kitchen_0047/sync_depth_00018.png 518.8579 +/living_room_0050/rgb_00131.jpg /living_room_0050/sync_depth_00131.png 518.8579 +/kitchen_0049/rgb_00147.jpg /kitchen_0049/sync_depth_00147.png 518.8579 +/classroom_0022/rgb_00038.jpg /classroom_0022/sync_depth_00038.png 518.8579 +/conference_room_0001/rgb_00125.jpg /conference_room_0001/sync_depth_00125.png 518.8579 +/classroom_0004/rgb_00093.jpg /classroom_0004/sync_depth_00093.png 518.8579 +/bedroom_0025/rgb_00105.jpg /bedroom_0025/sync_depth_00105.png 518.8579 +/office_kitchen_0001a/rgb_00037.jpg /office_kitchen_0001a/sync_depth_00037.png 518.8579 +/playroom_0006/rgb_00131.jpg /playroom_0006/sync_depth_00131.png 518.8579 +/dining_room_0024/rgb_00088.jpg /dining_room_0024/sync_depth_00088.png 518.8579 +/kitchen_0053/rgb_00254.jpg /kitchen_0053/sync_depth_00254.png 518.8579 +/bedroom_0074/rgb_00104.jpg /bedroom_0074/sync_depth_00104.png 518.8579 +/bedroom_0034/rgb_00104.jpg /bedroom_0034/sync_depth_00104.png 518.8579 +/bedroom_0028/rgb_00044.jpg /bedroom_0028/sync_depth_00044.png 518.8579 +/home_office_0008/rgb_00103.jpg /home_office_0008/sync_depth_00103.png 518.8579 +/classroom_0011/rgb_00058.jpg /classroom_0011/sync_depth_00058.png 518.8579 +/dining_room_0014/rgb_00121.jpg /dining_room_0014/sync_depth_00121.png 518.8579 +/living_room_0058/rgb_00284.jpg /living_room_0058/sync_depth_00284.png 518.8579 +/bedroom_0057/rgb_00021.jpg /bedroom_0057/sync_depth_00021.png 518.8579 +/bedroom_0056b/rgb_00004.jpg /bedroom_0056b/sync_depth_00004.png 518.8579 +/dining_room_0028/rgb_00142.jpg /dining_room_0028/sync_depth_00142.png 518.8579 +/living_room_0063/rgb_00081.jpg /living_room_0063/sync_depth_00081.png 518.8579 +/living_room_0047b/rgb_00040.jpg /living_room_0047b/sync_depth_00040.png 518.8579 +/kitchen_0017/rgb_00090.jpg /kitchen_0017/sync_depth_00090.png 518.8579 +/playroom_0003/rgb_00156.jpg /playroom_0003/sync_depth_00156.png 518.8579 +/nyu_office_0/rgb_00397.jpg /nyu_office_0/sync_depth_00397.png 518.8579 +/furniture_store_0002b/rgb_00130.jpg /furniture_store_0002b/sync_depth_00130.png 518.8579 +/living_room_0086a/rgb_00045.jpg /living_room_0086a/sync_depth_00045.png 518.8579 +/office_0006/rgb_00083.jpg /office_0006/sync_depth_00083.png 518.8579 +/bookstore_0001f/rgb_00132.jpg /bookstore_0001f/sync_depth_00132.png 518.8579 +/bookstore_0001j/rgb_00246.jpg /bookstore_0001j/sync_depth_00246.png 518.8579 +/bedroom_0040/rgb_00020.jpg /bedroom_0040/sync_depth_00020.png 518.8579 +/living_room_0067/rgb_00054.jpg /living_room_0067/sync_depth_00054.png 518.8579 +/living_room_0046a/rgb_00058.jpg /living_room_0046a/sync_depth_00058.png 518.8579 +/dining_room_0024/rgb_00105.jpg /dining_room_0024/sync_depth_00105.png 518.8579 +/dining_room_0004/rgb_00066.jpg /dining_room_0004/sync_depth_00066.png 518.8579 +/bedroom_0034/rgb_00034.jpg /bedroom_0034/sync_depth_00034.png 518.8579 +/home_office_0004/rgb_00077.jpg /home_office_0004/sync_depth_00077.png 518.8579 +/living_room_0040/rgb_00329.jpg /living_room_0040/sync_depth_00329.png 518.8579 +/living_room_0033/rgb_00066.jpg /living_room_0033/sync_depth_00066.png 518.8579 +/kitchen_0048/rgb_00258.jpg /kitchen_0048/sync_depth_00258.png 518.8579 +/playroom_0002/rgb_00000.jpg /playroom_0002/sync_depth_00000.png 518.8579 +/home_office_0006/rgb_00177.jpg /home_office_0006/sync_depth_00177.png 518.8579 +/kitchen_0028b/rgb_00029.jpg /kitchen_0028b/sync_depth_00029.png 518.8579 +/cafe_0001a/rgb_00018.jpg /cafe_0001a/sync_depth_00018.png 518.8579 +/bedroom_0082/rgb_00044.jpg /bedroom_0082/sync_depth_00044.png 518.8579 +/dining_room_0034/rgb_00093.jpg /dining_room_0034/sync_depth_00093.png 518.8579 +/cafe_0001b/rgb_00049.jpg /cafe_0001b/sync_depth_00049.png 518.8579 +/living_room_0035/rgb_00041.jpg /living_room_0035/sync_depth_00041.png 518.8579 +/bedroom_0076a/rgb_00279.jpg /bedroom_0076a/sync_depth_00279.png 518.8579 +/bedroom_0120/rgb_00035.jpg /bedroom_0120/sync_depth_00035.png 518.8579 +/living_room_0039/rgb_00111.jpg /living_room_0039/sync_depth_00111.png 518.8579 +/furniture_store_0002c/rgb_00028.jpg /furniture_store_0002c/sync_depth_00028.png 518.8579 +/living_room_0010/rgb_00022.jpg /living_room_0010/sync_depth_00022.png 518.8579 +/dining_room_0033/rgb_00155.jpg /dining_room_0033/sync_depth_00155.png 518.8579 +/living_room_0019/rgb_00015.jpg /living_room_0019/sync_depth_00015.png 518.8579 +/bookstore_0001i/rgb_00040.jpg /bookstore_0001i/sync_depth_00040.png 518.8579 +/playroom_0002/rgb_00112.jpg /playroom_0002/sync_depth_00112.png 518.8579 +/bookstore_0001e/rgb_00009.jpg /bookstore_0001e/sync_depth_00009.png 518.8579 +/dining_room_0037/rgb_00163.jpg /dining_room_0037/sync_depth_00163.png 518.8579 +/cafe_0001c/rgb_00044.jpg /cafe_0001c/sync_depth_00044.png 518.8579 +/dining_room_0024/rgb_00044.jpg /dining_room_0024/sync_depth_00044.png 518.8579 +/office_0011/rgb_00061.jpg /office_0011/sync_depth_00061.png 518.8579 +/bedroom_0014/rgb_00002.jpg /bedroom_0014/sync_depth_00002.png 518.8579 +/bedroom_0025/rgb_00152.jpg /bedroom_0025/sync_depth_00152.png 518.8579 +/bedroom_0056a/rgb_00040.jpg /bedroom_0056a/sync_depth_00040.png 518.8579 +/bedroom_0080/rgb_00032.jpg /bedroom_0080/sync_depth_00032.png 518.8579 +/living_room_0029/rgb_00015.jpg /living_room_0029/sync_depth_00015.png 518.8579 +/dining_room_0031/rgb_00076.jpg /dining_room_0031/sync_depth_00076.png 518.8579 +/living_room_0011/rgb_00126.jpg /living_room_0011/sync_depth_00126.png 518.8579 +/furniture_store_0001d/rgb_00105.jpg /furniture_store_0001d/sync_depth_00105.png 518.8579 +/bedroom_0025/rgb_00154.jpg /bedroom_0025/sync_depth_00154.png 518.8579 +/indoor_balcony_0001/rgb_00039.jpg /indoor_balcony_0001/sync_depth_00039.png 518.8579 +/office_kitchen_0001b/rgb_00034.jpg /office_kitchen_0001b/sync_depth_00034.png 518.8579 +/living_room_0018/rgb_00095.jpg /living_room_0018/sync_depth_00095.png 518.8579 +/dining_room_0034/rgb_00013.jpg /dining_room_0034/sync_depth_00013.png 518.8579 +/furniture_store_0002d/rgb_00056.jpg /furniture_store_0002d/sync_depth_00056.png 518.8579 +/kitchen_0033/rgb_00036.jpg /kitchen_0033/sync_depth_00036.png 518.8579 +/cafe_0001c/rgb_00037.jpg /cafe_0001c/sync_depth_00037.png 518.8579 +/dining_room_0031/rgb_00345.jpg /dining_room_0031/sync_depth_00345.png 518.8579 +/bedroom_0097/rgb_00019.jpg /bedroom_0097/sync_depth_00019.png 518.8579 +/office_0011/rgb_00125.jpg /office_0011/sync_depth_00125.png 518.8579 +/bathroom_0034/rgb_00084.jpg /bathroom_0034/sync_depth_00084.png 518.8579 +/excercise_room_0001/rgb_00042.jpg /excercise_room_0001/sync_depth_00042.png 518.8579 +/dining_room_0001b/rgb_00165.jpg /dining_room_0001b/sync_depth_00165.png 518.8579 +/kitchen_0045a/rgb_00112.jpg /kitchen_0045a/sync_depth_00112.png 518.8579 +/living_room_0035/rgb_00020.jpg /living_room_0035/sync_depth_00020.png 518.8579 +/bookstore_0001f/rgb_00368.jpg /bookstore_0001f/sync_depth_00368.png 518.8579 +/dining_room_0012/rgb_00189.jpg /dining_room_0012/sync_depth_00189.png 518.8579 +/bathroom_0033/rgb_00028.jpg /bathroom_0033/sync_depth_00028.png 518.8579 +/bedroom_0021/rgb_00109.jpg /bedroom_0021/sync_depth_00109.png 518.8579 +/kitchen_0049/rgb_00008.jpg /kitchen_0049/sync_depth_00008.png 518.8579 +/bedroom_0130/rgb_00072.jpg /bedroom_0130/sync_depth_00072.png 518.8579 +/office_0019/rgb_00036.jpg /office_0019/sync_depth_00036.png 518.8579 +/home_office_0006/rgb_00017.jpg /home_office_0006/sync_depth_00017.png 518.8579 +/furniture_store_0002b/rgb_00250.jpg /furniture_store_0002b/sync_depth_00250.png 518.8579 +/kitchen_0019a/rgb_00008.jpg /kitchen_0019a/sync_depth_00008.png 518.8579 +/basement_0001a/rgb_00079.jpg /basement_0001a/sync_depth_00079.png 518.8579 +/bedroom_0047/rgb_00051.jpg /bedroom_0047/sync_depth_00051.png 518.8579 +/kitchen_0049/rgb_00039.jpg /kitchen_0049/sync_depth_00039.png 518.8579 +/bedroom_0072/rgb_00021.jpg /bedroom_0072/sync_depth_00021.png 518.8579 +/reception_room_0001b/rgb_00102.jpg /reception_room_0001b/sync_depth_00102.png 518.8579 +/kitchen_0043/rgb_00187.jpg /kitchen_0043/sync_depth_00187.png 518.8579 +/bedroom_0071/rgb_00138.jpg /bedroom_0071/sync_depth_00138.png 518.8579 +/bedroom_0021/rgb_00061.jpg /bedroom_0021/sync_depth_00061.png 518.8579 +/bedroom_0125b/rgb_00050.jpg /bedroom_0125b/sync_depth_00050.png 518.8579 +/bedroom_0138/rgb_00089.jpg /bedroom_0138/sync_depth_00089.png 518.8579 +/bathroom_0049/rgb_00045.jpg /bathroom_0049/sync_depth_00045.png 518.8579 +/living_room_0022/rgb_00061.jpg /living_room_0022/sync_depth_00061.png 518.8579 +/furniture_store_0002d/rgb_00007.jpg /furniture_store_0002d/sync_depth_00007.png 518.8579 +/office_0006/rgb_00158.jpg /office_0006/sync_depth_00158.png 518.8579 +/dining_room_0028/rgb_00153.jpg /dining_room_0028/sync_depth_00153.png 518.8579 +/dining_room_0028/rgb_00123.jpg /dining_room_0028/sync_depth_00123.png 518.8579 +/kitchen_0041/rgb_00035.jpg /kitchen_0041/sync_depth_00035.png 518.8579 +/classroom_0011/rgb_00024.jpg /classroom_0011/sync_depth_00024.png 518.8579 +/bedroom_0140/rgb_00065.jpg /bedroom_0140/sync_depth_00065.png 518.8579 +/dining_room_0010/rgb_00092.jpg /dining_room_0010/sync_depth_00092.png 518.8579 +/kitchen_0060/rgb_00024.jpg /kitchen_0060/sync_depth_00024.png 518.8579 +/bedroom_0063/rgb_00035.jpg /bedroom_0063/sync_depth_00035.png 518.8579 +/bookstore_0001f/rgb_00333.jpg /bookstore_0001f/sync_depth_00333.png 518.8579 +/kitchen_0019a/rgb_00188.jpg /kitchen_0019a/sync_depth_00188.png 518.8579 +/home_office_0013/rgb_00020.jpg /home_office_0013/sync_depth_00020.png 518.8579 +/living_room_0069b/rgb_00080.jpg /living_room_0069b/sync_depth_00080.png 518.8579 +/kitchen_0035b/rgb_00127.jpg /kitchen_0035b/sync_depth_00127.png 518.8579 +/bedroom_0053/rgb_00061.jpg /bedroom_0053/sync_depth_00061.png 518.8579 +/living_room_0020/rgb_00149.jpg /living_room_0020/sync_depth_00149.png 518.8579 +/playroom_0002/rgb_00160.jpg /playroom_0002/sync_depth_00160.png 518.8579 +/office_0006/rgb_00151.jpg /office_0006/sync_depth_00151.png 518.8579 +/bookstore_0001d/rgb_00273.jpg /bookstore_0001d/sync_depth_00273.png 518.8579 +/bedroom_0004/rgb_00047.jpg /bedroom_0004/sync_depth_00047.png 518.8579 +/dining_room_0004/rgb_00059.jpg /dining_room_0004/sync_depth_00059.png 518.8579 +/bathroom_0034/rgb_00074.jpg /bathroom_0034/sync_depth_00074.png 518.8579 +/kitchen_0035a/rgb_00013.jpg /kitchen_0035a/sync_depth_00013.png 518.8579 +/bookstore_0001d/rgb_00171.jpg /bookstore_0001d/sync_depth_00171.png 518.8579 +/living_room_0019/rgb_00172.jpg /living_room_0019/sync_depth_00172.png 518.8579 +/living_room_0068/rgb_00111.jpg /living_room_0068/sync_depth_00111.png 518.8579 +/kitchen_0045a/rgb_00170.jpg /kitchen_0045a/sync_depth_00170.png 518.8579 +/student_lounge_0001/rgb_00201.jpg /student_lounge_0001/sync_depth_00201.png 518.8579 +/living_room_0071/rgb_00006.jpg /living_room_0071/sync_depth_00006.png 518.8579 +/kitchen_0003/rgb_00155.jpg /kitchen_0003/sync_depth_00155.png 518.8579 +/bedroom_0040/rgb_00066.jpg /bedroom_0040/sync_depth_00066.png 518.8579 +/living_room_0039/rgb_00114.jpg /living_room_0039/sync_depth_00114.png 518.8579 +/bedroom_0086/rgb_00042.jpg /bedroom_0086/sync_depth_00042.png 518.8579 +/kitchen_0006/rgb_00048.jpg /kitchen_0006/sync_depth_00048.png 518.8579 +/bedroom_0136/rgb_00137.jpg /bedroom_0136/sync_depth_00137.png 518.8579 +/kitchen_0045a/rgb_00160.jpg /kitchen_0045a/sync_depth_00160.png 518.8579 +/furniture_store_0001d/rgb_00290.jpg /furniture_store_0001d/sync_depth_00290.png 518.8579 +/kitchen_0016/rgb_00086.jpg /kitchen_0016/sync_depth_00086.png 518.8579 +/bedroom_0021/rgb_00077.jpg /bedroom_0021/sync_depth_00077.png 518.8579 +/dining_room_0028/rgb_00062.jpg /dining_room_0028/sync_depth_00062.png 518.8579 +/dining_room_0029/rgb_00009.jpg /dining_room_0029/sync_depth_00009.png 518.8579 +/dining_room_0033/rgb_00172.jpg /dining_room_0033/sync_depth_00172.png 518.8579 +/living_room_0040/rgb_00322.jpg /living_room_0040/sync_depth_00322.png 518.8579 +/living_room_0020/rgb_00059.jpg /living_room_0020/sync_depth_00059.png 518.8579 +/bedroom_0106/rgb_00109.jpg /bedroom_0106/sync_depth_00109.png 518.8579 +/kitchen_0050/rgb_00004.jpg /kitchen_0050/sync_depth_00004.png 518.8579 +/bedroom_0010/rgb_00080.jpg /bedroom_0010/sync_depth_00080.png 518.8579 +/bedroom_0062/rgb_00124.jpg /bedroom_0062/sync_depth_00124.png 518.8579 +/living_room_0038/rgb_00006.jpg /living_room_0038/sync_depth_00006.png 518.8579 +/bathroom_0005/rgb_00034.jpg /bathroom_0005/sync_depth_00034.png 518.8579 +/bedroom_0096/rgb_00027.jpg /bedroom_0096/sync_depth_00027.png 518.8579 +/kitchen_0019a/rgb_00301.jpg /kitchen_0019a/sync_depth_00301.png 518.8579 +/bookstore_0001d/rgb_00299.jpg /bookstore_0001d/sync_depth_00299.png 518.8579 +/bedroom_0041/rgb_00008.jpg /bedroom_0041/sync_depth_00008.png 518.8579 +/nyu_office_0/rgb_00347.jpg /nyu_office_0/sync_depth_00347.png 518.8579 +/bookstore_0001g/rgb_00041.jpg /bookstore_0001g/sync_depth_00041.png 518.8579 +/study_room_0004/rgb_00059.jpg /study_room_0004/sync_depth_00059.png 518.8579 +/kitchen_0031/rgb_00178.jpg /kitchen_0031/sync_depth_00178.png 518.8579 +/bedroom_0104/rgb_00083.jpg /bedroom_0104/sync_depth_00083.png 518.8579 +/dining_room_0034/rgb_00145.jpg /dining_room_0034/sync_depth_00145.png 518.8579 +/conference_room_0001/rgb_00064.jpg /conference_room_0001/sync_depth_00064.png 518.8579 +/reception_room_0002/rgb_00015.jpg /reception_room_0002/sync_depth_00015.png 518.8579 +/kitchen_0017/rgb_00098.jpg /kitchen_0017/sync_depth_00098.png 518.8579 +/living_room_0004/rgb_00041.jpg /living_room_0004/sync_depth_00041.png 518.8579 +/living_room_0011/rgb_00039.jpg /living_room_0011/sync_depth_00039.png 518.8579 +/living_room_0070/rgb_00105.jpg /living_room_0070/sync_depth_00105.png 518.8579 +/office_kitchen_0001b/rgb_00064.jpg /office_kitchen_0001b/sync_depth_00064.png 518.8579 +/kitchen_0019a/rgb_00143.jpg /kitchen_0019a/sync_depth_00143.png 518.8579 +/bathroom_0051/rgb_00050.jpg /bathroom_0051/sync_depth_00050.png 518.8579 +/kitchen_0011a/rgb_00094.jpg /kitchen_0011a/sync_depth_00094.png 518.8579 +/dining_room_0037/rgb_00132.jpg /dining_room_0037/sync_depth_00132.png 518.8579 +/playroom_0004/rgb_00102.jpg /playroom_0004/sync_depth_00102.png 518.8579 +/kitchen_0049/rgb_00027.jpg /kitchen_0049/sync_depth_00027.png 518.8579 +/bookstore_0001g/rgb_00139.jpg /bookstore_0001g/sync_depth_00139.png 518.8579 +/bathroom_0007/rgb_00114.jpg /bathroom_0007/sync_depth_00114.png 518.8579 +/dining_room_0012/rgb_00023.jpg /dining_room_0012/sync_depth_00023.png 518.8579 +/furniture_store_0002a/rgb_00174.jpg /furniture_store_0002a/sync_depth_00174.png 518.8579 +/living_room_0022/rgb_00438.jpg /living_room_0022/sync_depth_00438.png 518.8579 +/living_room_0012/rgb_00071.jpg /living_room_0012/sync_depth_00071.png 518.8579 +/bookstore_0001h/rgb_00055.jpg /bookstore_0001h/sync_depth_00055.png 518.8579 +/bedroom_0021/rgb_00051.jpg /bedroom_0021/sync_depth_00051.png 518.8579 +/bathroom_0048/rgb_00058.jpg /bathroom_0048/sync_depth_00058.png 518.8579 +/living_room_0012/rgb_00090.jpg /living_room_0012/sync_depth_00090.png 518.8579 +/dining_room_0016/rgb_00128.jpg /dining_room_0016/sync_depth_00128.png 518.8579 +/playroom_0003/rgb_00054.jpg /playroom_0003/sync_depth_00054.png 518.8579 +/bathroom_0005/rgb_00025.jpg /bathroom_0005/sync_depth_00025.png 518.8579 +/living_room_0047a/rgb_00022.jpg /living_room_0047a/sync_depth_00022.png 518.8579 +/student_lounge_0001/rgb_00211.jpg /student_lounge_0001/sync_depth_00211.png 518.8579 +/dining_room_0013/rgb_00002.jpg /dining_room_0013/sync_depth_00002.png 518.8579 +/bookstore_0001j/rgb_00220.jpg /bookstore_0001j/sync_depth_00220.png 518.8579 +/dining_room_0004/rgb_00049.jpg /dining_room_0004/sync_depth_00049.png 518.8579 +/bedroom_0080/rgb_00035.jpg /bedroom_0080/sync_depth_00035.png 518.8579 +/bedroom_0039/rgb_00008.jpg /bedroom_0039/sync_depth_00008.png 518.8579 +/bookstore_0001d/rgb_00150.jpg /bookstore_0001d/sync_depth_00150.png 518.8579 +/living_room_0069b/rgb_00025.jpg /living_room_0069b/sync_depth_00025.png 518.8579 +/living_room_0058/rgb_00030.jpg /living_room_0058/sync_depth_00030.png 518.8579 +/bedroom_0029/rgb_00040.jpg /bedroom_0029/sync_depth_00040.png 518.8579 +/bedroom_0096/rgb_00016.jpg /bedroom_0096/sync_depth_00016.png 518.8579 +/nyu_office_0/rgb_00062.jpg /nyu_office_0/sync_depth_00062.png 518.8579 +/dining_room_0014/rgb_00043.jpg /dining_room_0014/sync_depth_00043.png 518.8579 +/classroom_0006/rgb_00062.jpg /classroom_0006/sync_depth_00062.png 518.8579 +/bedroom_0062/rgb_00054.jpg /bedroom_0062/sync_depth_00054.png 518.8579 +/dining_room_0016/rgb_00030.jpg /dining_room_0016/sync_depth_00030.png 518.8579 +/study_0004/rgb_00074.jpg /study_0004/sync_depth_00074.png 518.8579 +/home_office_0011/rgb_00071.jpg /home_office_0011/sync_depth_00071.png 518.8579 +/living_room_0005/rgb_00161.jpg /living_room_0005/sync_depth_00161.png 518.8579 +/bookstore_0001d/rgb_00286.jpg /bookstore_0001d/sync_depth_00286.png 518.8579 +/bookstore_0001d/rgb_00277.jpg /bookstore_0001d/sync_depth_00277.png 518.8579 +/office_kitchen_0001a/rgb_00082.jpg /office_kitchen_0001a/sync_depth_00082.png 518.8579 +/living_room_0069b/rgb_00011.jpg /living_room_0069b/sync_depth_00011.png 518.8579 +/office_kitchen_0001b/rgb_00008.jpg /office_kitchen_0001b/sync_depth_00008.png 518.8579 +/bedroom_0012/rgb_00040.jpg /bedroom_0012/sync_depth_00040.png 518.8579 +/bedroom_0072/rgb_00168.jpg /bedroom_0072/sync_depth_00168.png 518.8579 +/playroom_0003/rgb_00009.jpg /playroom_0003/sync_depth_00009.png 518.8579 +/bathroom_0042/rgb_00003.jpg /bathroom_0042/sync_depth_00003.png 518.8579 +/study_0006/rgb_00016.jpg /study_0006/sync_depth_00016.png 518.8579 +/furniture_store_0002a/rgb_00246.jpg /furniture_store_0002a/sync_depth_00246.png 518.8579 +/bookstore_0001g/rgb_00060.jpg /bookstore_0001g/sync_depth_00060.png 518.8579 +/furniture_store_0002a/rgb_00114.jpg /furniture_store_0002a/sync_depth_00114.png 518.8579 +/kitchen_0011a/rgb_00075.jpg /kitchen_0011a/sync_depth_00075.png 518.8579 +/living_room_0047b/rgb_00152.jpg /living_room_0047b/sync_depth_00152.png 518.8579 +/living_room_0086a/rgb_00032.jpg /living_room_0086a/sync_depth_00032.png 518.8579 +/dining_room_0004/rgb_00113.jpg /dining_room_0004/sync_depth_00113.png 518.8579 +/bedroom_0033/rgb_00164.jpg /bedroom_0033/sync_depth_00164.png 518.8579 +/living_room_0040/rgb_00307.jpg /living_room_0040/sync_depth_00307.png 518.8579 +/dining_room_0001b/rgb_00159.jpg /dining_room_0001b/sync_depth_00159.png 518.8579 +/bedroom_0104/rgb_00010.jpg /bedroom_0104/sync_depth_00010.png 518.8579 +/living_room_0022/rgb_00087.jpg /living_room_0022/sync_depth_00087.png 518.8579 +/bedroom_0034/rgb_00097.jpg /bedroom_0034/sync_depth_00097.png 518.8579 +/bedroom_0010/rgb_00070.jpg /bedroom_0010/sync_depth_00070.png 518.8579 +/playroom_0003/rgb_00025.jpg /playroom_0003/sync_depth_00025.png 518.8579 +/office_0004/rgb_00057.jpg /office_0004/sync_depth_00057.png 518.8579 +/living_room_0040/rgb_00181.jpg /living_room_0040/sync_depth_00181.png 518.8579 +/bathroom_0001/rgb_00001.jpg /bathroom_0001/sync_depth_00001.png 518.8579 +/kitchen_0010/rgb_00004.jpg /kitchen_0010/sync_depth_00004.png 518.8579 +/living_room_0022/rgb_00090.jpg /living_room_0022/sync_depth_00090.png 518.8579 +/classroom_0006/rgb_00125.jpg /classroom_0006/sync_depth_00125.png 518.8579 +/printer_room_0001/rgb_00007.jpg /printer_room_0001/sync_depth_00007.png 518.8579 +/bookstore_0001f/rgb_00252.jpg /bookstore_0001f/sync_depth_00252.png 518.8579 +/furniture_store_0001d/rgb_00179.jpg /furniture_store_0001d/sync_depth_00179.png 518.8579 +/living_room_0062/rgb_00216.jpg /living_room_0062/sync_depth_00216.png 518.8579 +/cafe_0001c/rgb_00047.jpg /cafe_0001c/sync_depth_00047.png 518.8579 +/reception_room_0001b/rgb_00073.jpg /reception_room_0001b/sync_depth_00073.png 518.8579 +/living_room_0069a/rgb_00030.jpg /living_room_0069a/sync_depth_00030.png 518.8579 +/kitchen_0045b/rgb_00070.jpg /kitchen_0045b/sync_depth_00070.png 518.8579 +/bedroom_0106/rgb_00143.jpg /bedroom_0106/sync_depth_00143.png 518.8579 +/living_room_0022/rgb_00170.jpg /living_room_0022/sync_depth_00170.png 518.8579 +/kitchen_0029c/rgb_00162.jpg /kitchen_0029c/sync_depth_00162.png 518.8579 +/office_0024/rgb_00067.jpg /office_0024/sync_depth_00067.png 518.8579 +/bedroom_0016/rgb_00054.jpg /bedroom_0016/sync_depth_00054.png 518.8579 +/bedroom_0025/rgb_00137.jpg /bedroom_0025/sync_depth_00137.png 518.8579 +/dining_room_0034/rgb_00082.jpg /dining_room_0034/sync_depth_00082.png 518.8579 +/kitchen_0011b/rgb_00021.jpg /kitchen_0011b/sync_depth_00021.png 518.8579 +/classroom_0006/rgb_00057.jpg /classroom_0006/sync_depth_00057.png 518.8579 +/bookstore_0001d/rgb_00243.jpg /bookstore_0001d/sync_depth_00243.png 518.8579 +/living_room_0082/rgb_00042.jpg /living_room_0082/sync_depth_00042.png 518.8579 +/living_room_0020/rgb_00188.jpg /living_room_0020/sync_depth_00188.png 518.8579 +/bedroom_0016/rgb_00078.jpg /bedroom_0016/sync_depth_00078.png 518.8579 +/playroom_0002/rgb_00089.jpg /playroom_0002/sync_depth_00089.png 518.8579 +/excercise_room_0001/rgb_00033.jpg /excercise_room_0001/sync_depth_00033.png 518.8579 +/cafe_0001a/rgb_00014.jpg /cafe_0001a/sync_depth_00014.png 518.8579 +/dining_room_0019/rgb_00067.jpg /dining_room_0019/sync_depth_00067.png 518.8579 +/dining_room_0013/rgb_00197.jpg /dining_room_0013/sync_depth_00197.png 518.8579 +/dining_room_0034/rgb_00191.jpg /dining_room_0034/sync_depth_00191.png 518.8579 +/bedroom_0041/rgb_00009.jpg /bedroom_0041/sync_depth_00009.png 518.8579 +/kitchen_0049/rgb_00209.jpg /kitchen_0049/sync_depth_00209.png 518.8579 +/bedroom_0028/rgb_00017.jpg /bedroom_0028/sync_depth_00017.png 518.8579 +/living_room_0012/rgb_00210.jpg /living_room_0012/sync_depth_00210.png 518.8579 +/bookstore_0001f/rgb_00319.jpg /bookstore_0001f/sync_depth_00319.png 518.8579 +/bedroom_0130/rgb_00093.jpg /bedroom_0130/sync_depth_00093.png 518.8579 +/kitchen_0053/rgb_00198.jpg /kitchen_0053/sync_depth_00198.png 518.8579 +/living_room_0018/rgb_00177.jpg /living_room_0018/sync_depth_00177.png 518.8579 +/dining_room_0014/rgb_00006.jpg /dining_room_0014/sync_depth_00006.png 518.8579 +/reception_room_0002/rgb_00000.jpg /reception_room_0002/sync_depth_00000.png 518.8579 +/dining_room_0024/rgb_00040.jpg /dining_room_0024/sync_depth_00040.png 518.8579 +/classroom_0016/rgb_00045.jpg /classroom_0016/sync_depth_00045.png 518.8579 +/kitchen_0053/rgb_00214.jpg /kitchen_0053/sync_depth_00214.png 518.8579 +/kitchen_0045b/rgb_00032.jpg /kitchen_0045b/sync_depth_00032.png 518.8579 +/office_0024/rgb_00048.jpg /office_0024/sync_depth_00048.png 518.8579 +/living_room_0058/rgb_00245.jpg /living_room_0058/sync_depth_00245.png 518.8579 +/bathroom_0005/rgb_00007.jpg /bathroom_0005/sync_depth_00007.png 518.8579 +/office_0004/rgb_00065.jpg /office_0004/sync_depth_00065.png 518.8579 +/living_room_0018/rgb_00024.jpg /living_room_0018/sync_depth_00024.png 518.8579 +/furniture_store_0001d/rgb_00178.jpg /furniture_store_0001d/sync_depth_00178.png 518.8579 +/dining_room_0013/rgb_00186.jpg /dining_room_0013/sync_depth_00186.png 518.8579 +/kitchen_0059/rgb_00033.jpg /kitchen_0059/sync_depth_00033.png 518.8579 +/bedroom_0125a/rgb_00032.jpg /bedroom_0125a/sync_depth_00032.png 518.8579 +/bedroom_0051/rgb_00105.jpg /bedroom_0051/sync_depth_00105.png 518.8579 +/study_0008/rgb_00058.jpg /study_0008/sync_depth_00058.png 518.8579 +/kitchen_0051/rgb_00145.jpg /kitchen_0051/sync_depth_00145.png 518.8579 +/bedroom_0078/rgb_00031.jpg /bedroom_0078/sync_depth_00031.png 518.8579 +/living_room_0010/rgb_00035.jpg /living_room_0010/sync_depth_00035.png 518.8579 +/bedroom_0065/rgb_00031.jpg /bedroom_0065/sync_depth_00031.png 518.8579 +/bathroom_0053/rgb_00051.jpg /bathroom_0053/sync_depth_00051.png 518.8579 +/living_room_0085/rgb_00056.jpg /living_room_0085/sync_depth_00056.png 518.8579 +/kitchen_0052/rgb_00000.jpg /kitchen_0052/sync_depth_00000.png 518.8579 +/bookstore_0001f/rgb_00216.jpg /bookstore_0001f/sync_depth_00216.png 518.8579 +/bedroom_0035/rgb_00030.jpg /bedroom_0035/sync_depth_00030.png 518.8579 +/classroom_0006/rgb_00065.jpg /classroom_0006/sync_depth_00065.png 518.8579 +/dining_room_0012/rgb_00107.jpg /dining_room_0012/sync_depth_00107.png 518.8579 +/indoor_balcony_0001/rgb_00047.jpg /indoor_balcony_0001/sync_depth_00047.png 518.8579 +/living_room_0012/rgb_00015.jpg /living_room_0012/sync_depth_00015.png 518.8579 +/bathroom_0055/rgb_00002.jpg /bathroom_0055/sync_depth_00002.png 518.8579 +/bookstore_0001f/rgb_00518.jpg /bookstore_0001f/sync_depth_00518.png 518.8579 +/bookstore_0001j/rgb_00140.jpg /bookstore_0001j/sync_depth_00140.png 518.8579 +/bedroom_0130/rgb_00039.jpg /bedroom_0130/sync_depth_00039.png 518.8579 +/furniture_store_0001e/rgb_00020.jpg /furniture_store_0001e/sync_depth_00020.png 518.8579 +/bathroom_0054/rgb_00007.jpg /bathroom_0054/sync_depth_00007.png 518.8579 +/living_room_0012/rgb_00110.jpg /living_room_0012/sync_depth_00110.png 518.8579 +/office_kitchen_0001b/rgb_00061.jpg /office_kitchen_0001b/sync_depth_00061.png 518.8579 +/bookstore_0001j/rgb_00039.jpg /bookstore_0001j/sync_depth_00039.png 518.8579 +/kitchen_0033/rgb_00097.jpg /kitchen_0033/sync_depth_00097.png 518.8579 +/bathroom_0039/rgb_00021.jpg /bathroom_0039/sync_depth_00021.png 518.8579 +/home_office_0008/rgb_00115.jpg /home_office_0008/sync_depth_00115.png 518.8579 +/kitchen_0043/rgb_00107.jpg /kitchen_0043/sync_depth_00107.png 518.8579 +/bedroom_0016/rgb_00059.jpg /bedroom_0016/sync_depth_00059.png 518.8579 +/kitchen_0053/rgb_00032.jpg /kitchen_0053/sync_depth_00032.png 518.8579 +/bookstore_0001e/rgb_00123.jpg /bookstore_0001e/sync_depth_00123.png 518.8579 +/living_room_0050/rgb_00035.jpg /living_room_0050/sync_depth_00035.png 518.8579 +/bedroom_0042/rgb_00051.jpg /bedroom_0042/sync_depth_00051.png 518.8579 +/dining_room_0024/rgb_00025.jpg /dining_room_0024/sync_depth_00025.png 518.8579 +/study_0004/rgb_00055.jpg /study_0004/sync_depth_00055.png 518.8579 +/dining_room_0012/rgb_00142.jpg /dining_room_0012/sync_depth_00142.png 518.8579 +/office_0006/rgb_00110.jpg /office_0006/sync_depth_00110.png 518.8579 +/conference_room_0001/rgb_00031.jpg /conference_room_0001/sync_depth_00031.png 518.8579 +/kitchen_0043/rgb_00050.jpg /kitchen_0043/sync_depth_00050.png 518.8579 +/bedroom_0034/rgb_00113.jpg /bedroom_0034/sync_depth_00113.png 518.8579 +/kitchen_0033/rgb_00197.jpg /kitchen_0033/sync_depth_00197.png 518.8579 +/nyu_office_0/rgb_00149.jpg /nyu_office_0/sync_depth_00149.png 518.8579 +/student_lounge_0001/rgb_00193.jpg /student_lounge_0001/sync_depth_00193.png 518.8579 +/bedroom_0138/rgb_00003.jpg /bedroom_0138/sync_depth_00003.png 518.8579 +/kitchen_0019a/rgb_00259.jpg /kitchen_0019a/sync_depth_00259.png 518.8579 +/bedroom_0097/rgb_00016.jpg /bedroom_0097/sync_depth_00016.png 518.8579 +/living_room_0050/rgb_00223.jpg /living_room_0050/sync_depth_00223.png 518.8579 +/kitchen_0059/rgb_00024.jpg /kitchen_0059/sync_depth_00024.png 518.8579 +/reception_room_0001b/rgb_00077.jpg /reception_room_0001b/sync_depth_00077.png 518.8579 +/furniture_store_0001b/rgb_00095.jpg /furniture_store_0001b/sync_depth_00095.png 518.8579 +/kitchen_0049/rgb_00110.jpg /kitchen_0049/sync_depth_00110.png 518.8579 +/furniture_store_0001d/rgb_00067.jpg /furniture_store_0001d/sync_depth_00067.png 518.8579 +/kitchen_0045a/rgb_00105.jpg /kitchen_0045a/sync_depth_00105.png 518.8579 +/bookstore_0001j/rgb_00143.jpg /bookstore_0001j/sync_depth_00143.png 518.8579 +/living_room_0069a/rgb_00011.jpg /living_room_0069a/sync_depth_00011.png 518.8579 +/bedroom_0056a/rgb_00032.jpg /bedroom_0056a/sync_depth_00032.png 518.8579 +/bedroom_0120/rgb_00002.jpg /bedroom_0120/sync_depth_00002.png 518.8579 +/bedroom_0053/rgb_00000.jpg /bedroom_0053/sync_depth_00000.png 518.8579 +/study_room_0004/rgb_00181.jpg /study_room_0004/sync_depth_00181.png 518.8579 +/kitchen_0031/rgb_00105.jpg /kitchen_0031/sync_depth_00105.png 518.8579 +/dining_room_0013/rgb_00045.jpg /dining_room_0013/sync_depth_00045.png 518.8579 +/dining_room_0023/rgb_00059.jpg /dining_room_0023/sync_depth_00059.png 518.8579 +/bedroom_0040/rgb_00059.jpg /bedroom_0040/sync_depth_00059.png 518.8579 +/living_room_0071/rgb_00013.jpg /living_room_0071/sync_depth_00013.png 518.8579 +/home_office_0004/rgb_00061.jpg /home_office_0004/sync_depth_00061.png 518.8579 +/kitchen_0019a/rgb_00116.jpg /kitchen_0019a/sync_depth_00116.png 518.8579 +/bedroom_0050/rgb_00177.jpg /bedroom_0050/sync_depth_00177.png 518.8579 +/bedroom_0080/rgb_00037.jpg /bedroom_0080/sync_depth_00037.png 518.8579 +/office_0009/rgb_00035.jpg /office_0009/sync_depth_00035.png 518.8579 +/office_0021/rgb_00018.jpg /office_0021/sync_depth_00018.png 518.8579 +/classroom_0018/rgb_00019.jpg /classroom_0018/sync_depth_00019.png 518.8579 +/bedroom_0051/rgb_00199.jpg /bedroom_0051/sync_depth_00199.png 518.8579 +/dining_room_0031/rgb_00177.jpg /dining_room_0031/sync_depth_00177.png 518.8579 +/home_office_0006/rgb_00168.jpg /home_office_0006/sync_depth_00168.png 518.8579 +/bedroom_0015/rgb_00086.jpg /bedroom_0015/sync_depth_00086.png 518.8579 +/living_room_0022/rgb_00411.jpg /living_room_0022/sync_depth_00411.png 518.8579 +/kitchen_0045a/rgb_00064.jpg /kitchen_0045a/sync_depth_00064.png 518.8579 +/office_0011/rgb_00013.jpg /office_0011/sync_depth_00013.png 518.8579 +/bathroom_0014a/rgb_00015.jpg /bathroom_0014a/sync_depth_00015.png 518.8579 +/study_room_0005b/rgb_00003.jpg /study_room_0005b/sync_depth_00003.png 518.8579 +/bookstore_0001e/rgb_00024.jpg /bookstore_0001e/sync_depth_00024.png 518.8579 +/classroom_0003/rgb_00004.jpg /classroom_0003/sync_depth_00004.png 518.8579 +/living_room_0022/rgb_00256.jpg /living_room_0022/sync_depth_00256.png 518.8579 +/bedroom_0056a/rgb_00105.jpg /bedroom_0056a/sync_depth_00105.png 518.8579 +/living_room_0022/rgb_00024.jpg /living_room_0022/sync_depth_00024.png 518.8579 +/dining_room_0037/rgb_00158.jpg /dining_room_0037/sync_depth_00158.png 518.8579 +/foyer_0002/rgb_00012.jpg /foyer_0002/sync_depth_00012.png 518.8579 +/kitchen_0043/rgb_00043.jpg /kitchen_0043/sync_depth_00043.png 518.8579 +/bedroom_0012/rgb_00060.jpg /bedroom_0012/sync_depth_00060.png 518.8579 +/office_0018/rgb_00035.jpg /office_0018/sync_depth_00035.png 518.8579 +/kitchen_0045b/rgb_00098.jpg /kitchen_0045b/sync_depth_00098.png 518.8579 +/living_room_0040/rgb_00145.jpg /living_room_0040/sync_depth_00145.png 518.8579 +/living_room_0010/rgb_00042.jpg /living_room_0010/sync_depth_00042.png 518.8579 +/furniture_store_0002a/rgb_00222.jpg /furniture_store_0002a/sync_depth_00222.png 518.8579 +/bedroom_0050/rgb_00180.jpg /bedroom_0050/sync_depth_00180.png 518.8579 +/kitchen_0035b/rgb_00019.jpg /kitchen_0035b/sync_depth_00019.png 518.8579 +/study_room_0004/rgb_00177.jpg /study_room_0004/sync_depth_00177.png 518.8579 +/playroom_0004/rgb_00119.jpg /playroom_0004/sync_depth_00119.png 518.8579 +/furniture_store_0001b/rgb_00085.jpg /furniture_store_0001b/sync_depth_00085.png 518.8579 +/classroom_0003/rgb_00041.jpg /classroom_0003/sync_depth_00041.png 518.8579 +/kitchen_0011a/rgb_00130.jpg /kitchen_0011a/sync_depth_00130.png 518.8579 +/bookstore_0001e/rgb_00025.jpg /bookstore_0001e/sync_depth_00025.png 518.8579 +/playroom_0002/rgb_00118.jpg /playroom_0002/sync_depth_00118.png 518.8579 +/bedroom_0067a/rgb_00023.jpg /bedroom_0067a/sync_depth_00023.png 518.8579 +/kitchen_0031/rgb_00010.jpg /kitchen_0031/sync_depth_00010.png 518.8579 +/kitchen_0033/rgb_00137.jpg /kitchen_0033/sync_depth_00137.png 518.8579 +/home_storage_0001/rgb_00065.jpg /home_storage_0001/sync_depth_00065.png 518.8579 +/study_0008/rgb_00025.jpg /study_0008/sync_depth_00025.png 518.8579 +/bedroom_0040/rgb_00064.jpg /bedroom_0040/sync_depth_00064.png 518.8579 +/bookstore_0001h/rgb_00022.jpg /bookstore_0001h/sync_depth_00022.png 518.8579 +/nyu_office_0/rgb_00133.jpg /nyu_office_0/sync_depth_00133.png 518.8579 +/home_storage_0001/rgb_00028.jpg /home_storage_0001/sync_depth_00028.png 518.8579 +/kitchen_0019a/rgb_00247.jpg /kitchen_0019a/sync_depth_00247.png 518.8579 +/dining_room_0034/rgb_00162.jpg /dining_room_0034/sync_depth_00162.png 518.8579 +/kitchen_0031/rgb_00214.jpg /kitchen_0031/sync_depth_00214.png 518.8579 +/living_room_0022/rgb_00004.jpg /living_room_0022/sync_depth_00004.png 518.8579 +/furniture_store_0001d/rgb_00095.jpg /furniture_store_0001d/sync_depth_00095.png 518.8579 +/living_room_0022/rgb_00136.jpg /living_room_0022/sync_depth_00136.png 518.8579 +/bedroom_0026/rgb_00143.jpg /bedroom_0026/sync_depth_00143.png 518.8579 +/living_room_0035/rgb_00081.jpg /living_room_0035/sync_depth_00081.png 518.8579 +/bathroom_0013/rgb_00071.jpg /bathroom_0013/sync_depth_00071.png 518.8579 +/kitchen_0028a/rgb_00140.jpg /kitchen_0028a/sync_depth_00140.png 518.8579 +/bedroom_0028/rgb_00014.jpg /bedroom_0028/sync_depth_00014.png 518.8579 +/living_room_0083/rgb_00052.jpg /living_room_0083/sync_depth_00052.png 518.8579 +/bedroom_0107/rgb_00023.jpg /bedroom_0107/sync_depth_00023.png 518.8579 +/furniture_store_0002b/rgb_00116.jpg /furniture_store_0002b/sync_depth_00116.png 518.8579 +/furniture_store_0001e/rgb_00010.jpg /furniture_store_0001e/sync_depth_00010.png 518.8579 +/living_room_0085/rgb_00007.jpg /living_room_0085/sync_depth_00007.png 518.8579 +/bedroom_0052/rgb_00153.jpg /bedroom_0052/sync_depth_00153.png 518.8579 +/furniture_store_0002b/rgb_00271.jpg /furniture_store_0002b/sync_depth_00271.png 518.8579 +/bookstore_0001f/rgb_00324.jpg /bookstore_0001f/sync_depth_00324.png 518.8579 +/nyu_office_0/rgb_00426.jpg /nyu_office_0/sync_depth_00426.png 518.8579 +/classroom_0018/rgb_00006.jpg /classroom_0018/sync_depth_00006.png 518.8579 +/bathroom_0030/rgb_00051.jpg /bathroom_0030/sync_depth_00051.png 518.8579 +/living_room_0022/rgb_00324.jpg /living_room_0022/sync_depth_00324.png 518.8579 +/cafe_0001a/rgb_00032.jpg /cafe_0001a/sync_depth_00032.png 518.8579 +/classroom_0011/rgb_00037.jpg /classroom_0011/sync_depth_00037.png 518.8579 +/classroom_0006/rgb_00105.jpg /classroom_0006/sync_depth_00105.png 518.8579 +/computer_lab_0002/rgb_00019.jpg /computer_lab_0002/sync_depth_00019.png 518.8579 +/home_office_0006/rgb_00023.jpg /home_office_0006/sync_depth_00023.png 518.8579 +/kitchen_0037/rgb_00069.jpg /kitchen_0037/sync_depth_00069.png 518.8579 +/bedroom_0021/rgb_00104.jpg /bedroom_0021/sync_depth_00104.png 518.8579 +/reception_room_0001b/rgb_00127.jpg /reception_room_0001b/sync_depth_00127.png 518.8579 +/bookstore_0001e/rgb_00204.jpg /bookstore_0001e/sync_depth_00204.png 518.8579 +/home_office_0006/rgb_00169.jpg /home_office_0006/sync_depth_00169.png 518.8579 +/kitchen_0045b/rgb_00063.jpg /kitchen_0045b/sync_depth_00063.png 518.8579 +/playroom_0006/rgb_00079.jpg /playroom_0006/sync_depth_00079.png 518.8579 +/laundry_room_0001/rgb_00067.jpg /laundry_room_0001/sync_depth_00067.png 518.8579 +/nyu_office_0/rgb_00289.jpg /nyu_office_0/sync_depth_00289.png 518.8579 +/living_room_0022/rgb_00300.jpg /living_room_0022/sync_depth_00300.png 518.8579 +/dining_room_0004/rgb_00036.jpg /dining_room_0004/sync_depth_00036.png 518.8579 +/kitchen_0019a/rgb_00141.jpg /kitchen_0019a/sync_depth_00141.png 518.8579 +/bedroom_0033/rgb_00133.jpg /bedroom_0033/sync_depth_00133.png 518.8579 +/study_0008/rgb_00012.jpg /study_0008/sync_depth_00012.png 518.8579 +/bedroom_0082/rgb_00007.jpg /bedroom_0082/sync_depth_00007.png 518.8579 +/dinette_0001/rgb_00035.jpg /dinette_0001/sync_depth_00035.png 518.8579 +/bedroom_0081/rgb_00046.jpg /bedroom_0081/sync_depth_00046.png 518.8579 +/home_storage_0001/rgb_00036.jpg /home_storage_0001/sync_depth_00036.png 518.8579 +/office_0003/rgb_00045.jpg /office_0003/sync_depth_00045.png 518.8579 +/dining_room_0001b/rgb_00210.jpg /dining_room_0001b/sync_depth_00210.png 518.8579 +/bathroom_0056/rgb_00015.jpg /bathroom_0056/sync_depth_00015.png 518.8579 +/office_0012/rgb_00033.jpg /office_0012/sync_depth_00033.png 518.8579 +/basement_0001a/rgb_00102.jpg /basement_0001a/sync_depth_00102.png 518.8579 +/bedroom_0072/rgb_00164.jpg /bedroom_0072/sync_depth_00164.png 518.8579 +/bedroom_0021/rgb_00064.jpg /bedroom_0021/sync_depth_00064.png 518.8579 +/bedroom_0074/rgb_00031.jpg /bedroom_0074/sync_depth_00031.png 518.8579 +/bedroom_0113/rgb_00045.jpg /bedroom_0113/sync_depth_00045.png 518.8579 +/home_office_0008/rgb_00118.jpg /home_office_0008/sync_depth_00118.png 518.8579 +/living_room_0020/rgb_00035.jpg /living_room_0020/sync_depth_00035.png 518.8579 +/bookstore_0001i/rgb_00010.jpg /bookstore_0001i/sync_depth_00010.png 518.8579 +/dining_room_0037/rgb_00032.jpg /dining_room_0037/sync_depth_00032.png 518.8579 +/kitchen_0016/rgb_00074.jpg /kitchen_0016/sync_depth_00074.png 518.8579 +/bathroom_0034/rgb_00021.jpg /bathroom_0034/sync_depth_00021.png 518.8579 +/student_lounge_0001/rgb_00228.jpg /student_lounge_0001/sync_depth_00228.png 518.8579 +/living_room_0022/rgb_00005.jpg /living_room_0022/sync_depth_00005.png 518.8579 +/bedroom_0031/rgb_00032.jpg /bedroom_0031/sync_depth_00032.png 518.8579 +/bedroom_0140/rgb_00136.jpg /bedroom_0140/sync_depth_00136.png 518.8579 +/home_office_0007/rgb_00062.jpg /home_office_0007/sync_depth_00062.png 518.8579 +/dining_room_0031/rgb_00158.jpg /dining_room_0031/sync_depth_00158.png 518.8579 +/bedroom_0086/rgb_00122.jpg /bedroom_0086/sync_depth_00122.png 518.8579 +/living_room_0038/rgb_00036.jpg /living_room_0038/sync_depth_00036.png 518.8579 +/bedroom_0019/rgb_00031.jpg /bedroom_0019/sync_depth_00031.png 518.8579 +/kitchen_0051/rgb_00251.jpg /kitchen_0051/sync_depth_00251.png 518.8579 +/dining_room_0008/rgb_00134.jpg /dining_room_0008/sync_depth_00134.png 518.8579 +/cafe_0001c/rgb_00103.jpg /cafe_0001c/sync_depth_00103.png 518.8579 +/dining_room_0031/rgb_00073.jpg /dining_room_0031/sync_depth_00073.png 518.8579 +/bedroom_0074/rgb_00062.jpg /bedroom_0074/sync_depth_00062.png 518.8579 +/kitchen_0048/rgb_00128.jpg /kitchen_0048/sync_depth_00128.png 518.8579 +/excercise_room_0001/rgb_00087.jpg /excercise_room_0001/sync_depth_00087.png 518.8579 +/dining_room_0031/rgb_00155.jpg /dining_room_0031/sync_depth_00155.png 518.8579 +/living_room_0040/rgb_00184.jpg /living_room_0040/sync_depth_00184.png 518.8579 +/nyu_office_0/rgb_00241.jpg /nyu_office_0/sync_depth_00241.png 518.8579 +/bedroom_0050/rgb_00160.jpg /bedroom_0050/sync_depth_00160.png 518.8579 +/bookstore_0001h/rgb_00142.jpg /bookstore_0001h/sync_depth_00142.png 518.8579 +/nyu_office_0/rgb_00250.jpg /nyu_office_0/sync_depth_00250.png 518.8579 +/reception_room_0002/rgb_00033.jpg /reception_room_0002/sync_depth_00033.png 518.8579 +/kitchen_0011a/rgb_00129.jpg /kitchen_0011a/sync_depth_00129.png 518.8579 +/bathroom_0019/rgb_00072.jpg /bathroom_0019/sync_depth_00072.png 518.8579 +/bathroom_0005/rgb_00046.jpg /bathroom_0005/sync_depth_00046.png 518.8579 +/bedroom_0031/rgb_00036.jpg /bedroom_0031/sync_depth_00036.png 518.8579 +/bedroom_0056a/rgb_00079.jpg /bedroom_0056a/sync_depth_00079.png 518.8579 +/study_0003/rgb_00065.jpg /study_0003/sync_depth_00065.png 518.8579 +/furniture_store_0002b/rgb_00072.jpg /furniture_store_0002b/sync_depth_00072.png 518.8579 +/dining_room_0031/rgb_00061.jpg /dining_room_0031/sync_depth_00061.png 518.8579 +/classroom_0003/rgb_00089.jpg /classroom_0003/sync_depth_00089.png 518.8579 +/dining_room_0019/rgb_00016.jpg /dining_room_0019/sync_depth_00016.png 518.8579 +/kitchen_0050/rgb_00094.jpg /kitchen_0050/sync_depth_00094.png 518.8579 +/home_office_0013/rgb_00085.jpg /home_office_0013/sync_depth_00085.png 518.8579 +/conference_room_0002/rgb_00050.jpg /conference_room_0002/sync_depth_00050.png 518.8579 +/bookstore_0001e/rgb_00193.jpg /bookstore_0001e/sync_depth_00193.png 518.8579 +/furniture_store_0002a/rgb_00350.jpg /furniture_store_0002a/sync_depth_00350.png 518.8579 +/dining_room_0031/rgb_00276.jpg /dining_room_0031/sync_depth_00276.png 518.8579 +/kitchen_0053/rgb_00157.jpg /kitchen_0053/sync_depth_00157.png 518.8579 +/dining_room_0012/rgb_00104.jpg /dining_room_0012/sync_depth_00104.png 518.8579 +/classroom_0016/rgb_00038.jpg /classroom_0016/sync_depth_00038.png 518.8579 +/bookstore_0001j/rgb_00164.jpg /bookstore_0001j/sync_depth_00164.png 518.8579 +/kitchen_0043/rgb_00265.jpg /kitchen_0043/sync_depth_00265.png 518.8579 +/kitchen_0003/rgb_00081.jpg /kitchen_0003/sync_depth_00081.png 518.8579 +/bedroom_0106/rgb_00030.jpg /bedroom_0106/sync_depth_00030.png 518.8579 +/living_room_0004/rgb_00173.jpg /living_room_0004/sync_depth_00173.png 518.8579 +/playroom_0003/rgb_00096.jpg /playroom_0003/sync_depth_00096.png 518.8579 +/living_room_0020/rgb_00206.jpg /living_room_0020/sync_depth_00206.png 518.8579 +/bedroom_0072/rgb_00045.jpg /bedroom_0072/sync_depth_00045.png 518.8579 +/home_office_0011/rgb_00035.jpg /home_office_0011/sync_depth_00035.png 518.8579 +/bookstore_0001i/rgb_00060.jpg /bookstore_0001i/sync_depth_00060.png 518.8579 +/bathroom_0042/rgb_00033.jpg /bathroom_0042/sync_depth_00033.png 518.8579 +/living_room_0020/rgb_00223.jpg /living_room_0020/sync_depth_00223.png 518.8579 +/living_room_0010/rgb_00000.jpg /living_room_0010/sync_depth_00000.png 518.8579 +/kitchen_0019a/rgb_00132.jpg /kitchen_0019a/sync_depth_00132.png 518.8579 +/kitchen_0019a/rgb_00138.jpg /kitchen_0019a/sync_depth_00138.png 518.8579 +/living_room_0063/rgb_00132.jpg /living_room_0063/sync_depth_00132.png 518.8579 +/office_0003/rgb_00064.jpg /office_0003/sync_depth_00064.png 518.8579 +/dining_room_0019/rgb_00147.jpg /dining_room_0019/sync_depth_00147.png 518.8579 +/living_room_0022/rgb_00103.jpg /living_room_0022/sync_depth_00103.png 518.8579 +/cafe_0001b/rgb_00002.jpg /cafe_0001b/sync_depth_00002.png 518.8579 +/bookstore_0001d/rgb_00242.jpg /bookstore_0001d/sync_depth_00242.png 518.8579 +/living_room_0047b/rgb_00085.jpg /living_room_0047b/sync_depth_00085.png 518.8579 +/bedroom_0025/rgb_00007.jpg /bedroom_0025/sync_depth_00007.png 518.8579 +/reception_room_0001b/rgb_00119.jpg /reception_room_0001b/sync_depth_00119.png 518.8579 +/home_storage_0001/rgb_00143.jpg /home_storage_0001/sync_depth_00143.png 518.8579 +/bedroom_0029/rgb_00031.jpg /bedroom_0029/sync_depth_00031.png 518.8579 +/office_0004/rgb_00020.jpg /office_0004/sync_depth_00020.png 518.8579 +/living_room_0010/rgb_00086.jpg /living_room_0010/sync_depth_00086.png 518.8579 +/classroom_0016/rgb_00050.jpg /classroom_0016/sync_depth_00050.png 518.8579 +/bedroom_0096/rgb_00043.jpg /bedroom_0096/sync_depth_00043.png 518.8579 +/office_kitchen_0001a/rgb_00008.jpg /office_kitchen_0001a/sync_depth_00008.png 518.8579 +/kitchen_0047/rgb_00082.jpg /kitchen_0047/sync_depth_00082.png 518.8579 +/bedroom_0098/rgb_00069.jpg /bedroom_0098/sync_depth_00069.png 518.8579 +/bedroom_0136/rgb_00064.jpg /bedroom_0136/sync_depth_00064.png 518.8579 +/bedroom_0096/rgb_00066.jpg /bedroom_0096/sync_depth_00066.png 518.8579 +/furniture_store_0001d/rgb_00107.jpg /furniture_store_0001d/sync_depth_00107.png 518.8579 +/bathroom_0048/rgb_00099.jpg /bathroom_0048/sync_depth_00099.png 518.8579 +/playroom_0006/rgb_00067.jpg /playroom_0006/sync_depth_00067.png 518.8579 +/home_office_0005/rgb_00027.jpg /home_office_0005/sync_depth_00027.png 518.8579 +/kitchen_0045a/rgb_00067.jpg /kitchen_0045a/sync_depth_00067.png 518.8579 +/living_room_0033/rgb_00037.jpg /living_room_0033/sync_depth_00037.png 518.8579 +/living_room_0004/rgb_00012.jpg /living_room_0004/sync_depth_00012.png 518.8579 +/classroom_0006/rgb_00093.jpg /classroom_0006/sync_depth_00093.png 518.8579 +/bedroom_0094/rgb_00042.jpg /bedroom_0094/sync_depth_00042.png 518.8579 +/bedroom_0021/rgb_00037.jpg /bedroom_0021/sync_depth_00037.png 518.8579 +/furniture_store_0001d/rgb_00285.jpg /furniture_store_0001d/sync_depth_00285.png 518.8579 +/dining_room_0029/rgb_00128.jpg /dining_room_0029/sync_depth_00128.png 518.8579 +/bedroom_0120/rgb_00011.jpg /bedroom_0120/sync_depth_00011.png 518.8579 +/bedroom_0033/rgb_00080.jpg /bedroom_0033/sync_depth_00080.png 518.8579 +/bookstore_0001j/rgb_00189.jpg /bookstore_0001j/sync_depth_00189.png 518.8579 +/bedroom_0016/rgb_00077.jpg /bedroom_0016/sync_depth_00077.png 518.8579 +/kitchen_0051/rgb_00232.jpg /kitchen_0051/sync_depth_00232.png 518.8579 +/dining_room_0004/rgb_00019.jpg /dining_room_0004/sync_depth_00019.png 518.8579 +/bedroom_0026/rgb_00151.jpg /bedroom_0026/sync_depth_00151.png 518.8579 +/bookstore_0001i/rgb_00022.jpg /bookstore_0001i/sync_depth_00022.png 518.8579 +/bookstore_0001j/rgb_00223.jpg /bookstore_0001j/sync_depth_00223.png 518.8579 +/bedroom_0053/rgb_00110.jpg /bedroom_0053/sync_depth_00110.png 518.8579 +/bedroom_0033/rgb_00000.jpg /bedroom_0033/sync_depth_00000.png 518.8579 +/dining_room_0024/rgb_00050.jpg /dining_room_0024/sync_depth_00050.png 518.8579 +/kitchen_0053/rgb_00074.jpg /kitchen_0053/sync_depth_00074.png 518.8579 +/living_room_0050/rgb_00281.jpg /living_room_0050/sync_depth_00281.png 518.8579 +/playroom_0004/rgb_00026.jpg /playroom_0004/sync_depth_00026.png 518.8579 +/kitchen_0045b/rgb_00137.jpg /kitchen_0045b/sync_depth_00137.png 518.8579 +/living_room_0018/rgb_00135.jpg /living_room_0018/sync_depth_00135.png 518.8579 +/furniture_store_0001d/rgb_00121.jpg /furniture_store_0001d/sync_depth_00121.png 518.8579 +/kitchen_0047/rgb_00088.jpg /kitchen_0047/sync_depth_00088.png 518.8579 +/dining_room_0031/rgb_00103.jpg /dining_room_0031/sync_depth_00103.png 518.8579 +/furniture_store_0002a/rgb_00101.jpg /furniture_store_0002a/sync_depth_00101.png 518.8579 +/bedroom_0076a/rgb_00243.jpg /bedroom_0076a/sync_depth_00243.png 518.8579 +/playroom_0003/rgb_00185.jpg /playroom_0003/sync_depth_00185.png 518.8579 +/kitchen_0003/rgb_00022.jpg /kitchen_0003/sync_depth_00022.png 518.8579 +/student_lounge_0001/rgb_00108.jpg /student_lounge_0001/sync_depth_00108.png 518.8579 +/bedroom_0059/rgb_00032.jpg /bedroom_0059/sync_depth_00032.png 518.8579 +/living_room_0070/rgb_00051.jpg /living_room_0070/sync_depth_00051.png 518.8579 +/kitchen_0017/rgb_00011.jpg /kitchen_0017/sync_depth_00011.png 518.8579 +/bedroom_0072/rgb_00137.jpg /bedroom_0072/sync_depth_00137.png 518.8579 +/bedroom_0130/rgb_00004.jpg /bedroom_0130/sync_depth_00004.png 518.8579 +/dining_room_0004/rgb_00060.jpg /dining_room_0004/sync_depth_00060.png 518.8579 +/dining_room_0024/rgb_00091.jpg /dining_room_0024/sync_depth_00091.png 518.8579 +/living_room_0020/rgb_00139.jpg /living_room_0020/sync_depth_00139.png 518.8579 +/kitchen_0041/rgb_00040.jpg /kitchen_0041/sync_depth_00040.png 518.8579 +/playroom_0003/rgb_00072.jpg /playroom_0003/sync_depth_00072.png 518.8579 +/reception_room_0001a/rgb_00074.jpg /reception_room_0001a/sync_depth_00074.png 518.8579 +/bedroom_0113/rgb_00028.jpg /bedroom_0113/sync_depth_00028.png 518.8579 +/cafe_0001c/rgb_00020.jpg /cafe_0001c/sync_depth_00020.png 518.8579 +/dining_room_0024/rgb_00003.jpg /dining_room_0024/sync_depth_00003.png 518.8579 +/kitchen_0043/rgb_00104.jpg /kitchen_0043/sync_depth_00104.png 518.8579 +/bedroom_0026/rgb_00099.jpg /bedroom_0026/sync_depth_00099.png 518.8579 +/basement_0001a/rgb_00200.jpg /basement_0001a/sync_depth_00200.png 518.8579 +/living_room_0086a/rgb_00078.jpg /living_room_0086a/sync_depth_00078.png 518.8579 +/bookstore_0001j/rgb_00297.jpg /bookstore_0001j/sync_depth_00297.png 518.8579 +/living_room_0012/rgb_00060.jpg /living_room_0012/sync_depth_00060.png 518.8579 +/bedroom_0062/rgb_00134.jpg /bedroom_0062/sync_depth_00134.png 518.8579 +/classroom_0004/rgb_00039.jpg /classroom_0004/sync_depth_00039.png 518.8579 +/furniture_store_0001d/rgb_00229.jpg /furniture_store_0001d/sync_depth_00229.png 518.8579 +/office_kitchen_0003/rgb_00105.jpg /office_kitchen_0003/sync_depth_00105.png 518.8579 +/classroom_0016/rgb_00020.jpg /classroom_0016/sync_depth_00020.png 518.8579 +/kitchen_0033/rgb_00058.jpg /kitchen_0033/sync_depth_00058.png 518.8579 +/bookstore_0001g/rgb_00057.jpg /bookstore_0001g/sync_depth_00057.png 518.8579 +/bedroom_0033/rgb_00137.jpg /bedroom_0033/sync_depth_00137.png 518.8579 +/living_room_0010/rgb_00080.jpg /living_room_0010/sync_depth_00080.png 518.8579 +/kitchen_0011b/rgb_00011.jpg /kitchen_0011b/sync_depth_00011.png 518.8579 +/furniture_store_0002d/rgb_00034.jpg /furniture_store_0002d/sync_depth_00034.png 518.8579 +/home_office_0004/rgb_00146.jpg /home_office_0004/sync_depth_00146.png 518.8579 +/kitchen_0016/rgb_00008.jpg /kitchen_0016/sync_depth_00008.png 518.8579 +/living_room_0018/rgb_00009.jpg /living_room_0018/sync_depth_00009.png 518.8579 +/kitchen_0043/rgb_00225.jpg /kitchen_0043/sync_depth_00225.png 518.8579 +/kitchen_0047/rgb_00085.jpg /kitchen_0047/sync_depth_00085.png 518.8579 +/office_0006/rgb_00033.jpg /office_0006/sync_depth_00033.png 518.8579 +/dining_room_0031/rgb_00029.jpg /dining_room_0031/sync_depth_00029.png 518.8579 +/kitchen_0035b/rgb_00069.jpg /kitchen_0035b/sync_depth_00069.png 518.8579 +/dining_room_0023/rgb_00156.jpg /dining_room_0023/sync_depth_00156.png 518.8579 +/furniture_store_0001c/rgb_00028.jpg /furniture_store_0001c/sync_depth_00028.png 518.8579 +/dining_room_0001b/rgb_00035.jpg /dining_room_0001b/sync_depth_00035.png 518.8579 +/basement_0001a/rgb_00157.jpg /basement_0001a/sync_depth_00157.png 518.8579 +/study_0008/rgb_00013.jpg /study_0008/sync_depth_00013.png 518.8579 +/bathroom_0041/rgb_00024.jpg /bathroom_0041/sync_depth_00024.png 518.8579 +/basement_0001a/rgb_00190.jpg /basement_0001a/sync_depth_00190.png 518.8579 +/study_0003/rgb_00039.jpg /study_0003/sync_depth_00039.png 518.8579 +/dining_room_0023/rgb_00165.jpg /dining_room_0023/sync_depth_00165.png 518.8579 +/kitchen_0048/rgb_00249.jpg /kitchen_0048/sync_depth_00249.png 518.8579 +/kitchen_0019a/rgb_00035.jpg /kitchen_0019a/sync_depth_00035.png 518.8579 +/student_lounge_0001/rgb_00002.jpg /student_lounge_0001/sync_depth_00002.png 518.8579 +/bedroom_0016/rgb_00147.jpg /bedroom_0016/sync_depth_00147.png 518.8579 +/home_office_0008/rgb_00102.jpg /home_office_0008/sync_depth_00102.png 518.8579 +/bedroom_0014/rgb_00060.jpg /bedroom_0014/sync_depth_00060.png 518.8579 +/dining_room_0007/rgb_00225.jpg /dining_room_0007/sync_depth_00225.png 518.8579 +/bedroom_0104/rgb_00008.jpg /bedroom_0104/sync_depth_00008.png 518.8579 +/reception_room_0002/rgb_00081.jpg /reception_room_0002/sync_depth_00081.png 518.8579 +/bedroom_0051/rgb_00206.jpg /bedroom_0051/sync_depth_00206.png 518.8579 +/living_room_0019/rgb_00213.jpg /living_room_0019/sync_depth_00213.png 518.8579 +/bathroom_0048/rgb_00020.jpg /bathroom_0048/sync_depth_00020.png 518.8579 +/bedroom_0051/rgb_00023.jpg /bedroom_0051/sync_depth_00023.png 518.8579 +/bookstore_0001f/rgb_00314.jpg /bookstore_0001f/sync_depth_00314.png 518.8579 +/bookstore_0001h/rgb_00003.jpg /bookstore_0001h/sync_depth_00003.png 518.8579 +/living_room_0020/rgb_00187.jpg /living_room_0020/sync_depth_00187.png 518.8579 +/home_office_0011/rgb_00042.jpg /home_office_0011/sync_depth_00042.png 518.8579 +/bedroom_0052/rgb_00195.jpg /bedroom_0052/sync_depth_00195.png 518.8579 +/living_room_0083/rgb_00055.jpg /living_room_0083/sync_depth_00055.png 518.8579 +/bedroom_0050/rgb_00182.jpg /bedroom_0050/sync_depth_00182.png 518.8579 +/conference_room_0001/rgb_00099.jpg /conference_room_0001/sync_depth_00099.png 518.8579 +/bookstore_0001h/rgb_00126.jpg /bookstore_0001h/sync_depth_00126.png 518.8579 +/bedroom_0100/rgb_00035.jpg /bedroom_0100/sync_depth_00035.png 518.8579 +/bedroom_0017/rgb_00003.jpg /bedroom_0017/sync_depth_00003.png 518.8579 +/classroom_0022/rgb_00095.jpg /classroom_0022/sync_depth_00095.png 518.8579 +/kitchen_0051/rgb_00259.jpg /kitchen_0051/sync_depth_00259.png 518.8579 +/office_0023/rgb_00014.jpg /office_0023/sync_depth_00014.png 518.8579 +/home_office_0005/rgb_00017.jpg /home_office_0005/sync_depth_00017.png 518.8579 +/living_room_0005/rgb_00030.jpg /living_room_0005/sync_depth_00030.png 518.8579 +/dining_room_0019/rgb_00019.jpg /dining_room_0019/sync_depth_00019.png 518.8579 +/bathroom_0051/rgb_00023.jpg /bathroom_0051/sync_depth_00023.png 518.8579 +/classroom_0022/rgb_00001.jpg /classroom_0022/sync_depth_00001.png 518.8579 +/bedroom_0124/rgb_00030.jpg /bedroom_0124/sync_depth_00030.png 518.8579 +/living_room_0069a/rgb_00032.jpg /living_room_0069a/sync_depth_00032.png 518.8579 +/bedroom_0025/rgb_00039.jpg /bedroom_0025/sync_depth_00039.png 518.8579 +/living_room_0083/rgb_00049.jpg /living_room_0083/sync_depth_00049.png 518.8579 +/living_room_0062/rgb_00103.jpg /living_room_0062/sync_depth_00103.png 518.8579 +/bedroom_0010/rgb_00033.jpg /bedroom_0010/sync_depth_00033.png 518.8579 +/bookstore_0001f/rgb_00397.jpg /bookstore_0001f/sync_depth_00397.png 518.8579 +/kitchen_0033/rgb_00177.jpg /kitchen_0033/sync_depth_00177.png 518.8579 +/bedroom_0094/rgb_00011.jpg /bedroom_0094/sync_depth_00011.png 518.8579 +/bedroom_0100/rgb_00057.jpg /bedroom_0100/sync_depth_00057.png 518.8579 +/reception_room_0001a/rgb_00065.jpg /reception_room_0001a/sync_depth_00065.png 518.8579 +/bedroom_0124/rgb_00019.jpg /bedroom_0124/sync_depth_00019.png 518.8579 +/bathroom_0014a/rgb_00008.jpg /bathroom_0014a/sync_depth_00008.png 518.8579 +/classroom_0011/rgb_00028.jpg /classroom_0011/sync_depth_00028.png 518.8579 +/kitchen_0033/rgb_00110.jpg /kitchen_0033/sync_depth_00110.png 518.8579 +/kitchen_0033/rgb_00003.jpg /kitchen_0033/sync_depth_00003.png 518.8579 +/bedroom_0113/rgb_00060.jpg /bedroom_0113/sync_depth_00060.png 518.8579 +/bedroom_0065/rgb_00014.jpg /bedroom_0065/sync_depth_00014.png 518.8579 +/kitchen_0010/rgb_00081.jpg /kitchen_0010/sync_depth_00081.png 518.8579 +/living_room_0011/rgb_00002.jpg /living_room_0011/sync_depth_00002.png 518.8579 +/bedroom_0016/rgb_00169.jpg /bedroom_0016/sync_depth_00169.png 518.8579 +/basement_0001a/rgb_00086.jpg /basement_0001a/sync_depth_00086.png 518.8579 +/furniture_store_0002c/rgb_00064.jpg /furniture_store_0002c/sync_depth_00064.png 518.8579 +/bedroom_0026/rgb_00001.jpg /bedroom_0026/sync_depth_00001.png 518.8579 +/living_room_0063/rgb_00087.jpg /living_room_0063/sync_depth_00087.png 518.8579 +/bedroom_0116/rgb_00007.jpg /bedroom_0116/sync_depth_00007.png 518.8579 +/kitchen_0037/rgb_00040.jpg /kitchen_0037/sync_depth_00040.png 518.8579 +/bathroom_0011/rgb_00040.jpg /bathroom_0011/sync_depth_00040.png 518.8579 +/classroom_0012/rgb_00051.jpg /classroom_0012/sync_depth_00051.png 518.8579 +/bedroom_0057/rgb_00033.jpg /bedroom_0057/sync_depth_00033.png 518.8579 +/living_room_0011/rgb_00087.jpg /living_room_0011/sync_depth_00087.png 518.8579 +/dining_room_0013/rgb_00172.jpg /dining_room_0013/sync_depth_00172.png 518.8579 +/bathroom_0034/rgb_00030.jpg /bathroom_0034/sync_depth_00030.png 518.8579 +/bedroom_0021/rgb_00083.jpg /bedroom_0021/sync_depth_00083.png 518.8579 +/bathroom_0039/rgb_00032.jpg /bathroom_0039/sync_depth_00032.png 518.8579 +/dining_room_0019/rgb_00137.jpg /dining_room_0019/sync_depth_00137.png 518.8579 +/bedroom_0140/rgb_00127.jpg /bedroom_0140/sync_depth_00127.png 518.8579 +/kitchen_0050/rgb_00126.jpg /kitchen_0050/sync_depth_00126.png 518.8579 +/reception_room_0004/rgb_00034.jpg /reception_room_0004/sync_depth_00034.png 518.8579 +/bedroom_0081/rgb_00042.jpg /bedroom_0081/sync_depth_00042.png 518.8579 +/dining_room_0037/rgb_00107.jpg /dining_room_0037/sync_depth_00107.png 518.8579 +/study_0004/rgb_00010.jpg /study_0004/sync_depth_00010.png 518.8579 +/classroom_0016/rgb_00067.jpg /classroom_0016/sync_depth_00067.png 518.8579 +/bedroom_0086/rgb_00104.jpg /bedroom_0086/sync_depth_00104.png 518.8579 +/dining_room_0016/rgb_00119.jpg /dining_room_0016/sync_depth_00119.png 518.8579 +/living_room_0082/rgb_00027.jpg /living_room_0082/sync_depth_00027.png 518.8579 +/home_office_0005/rgb_00096.jpg /home_office_0005/sync_depth_00096.png 518.8579 +/kitchen_0051/rgb_00066.jpg /kitchen_0051/sync_depth_00066.png 518.8579 +/dining_room_0001b/rgb_00115.jpg /dining_room_0001b/sync_depth_00115.png 518.8579 +/kitchen_0035b/rgb_00213.jpg /kitchen_0035b/sync_depth_00213.png 518.8579 +/bookstore_0001i/rgb_00137.jpg /bookstore_0001i/sync_depth_00137.png 518.8579 +/living_room_0029/rgb_00059.jpg /living_room_0029/sync_depth_00059.png 518.8579 +/living_room_0078/rgb_00019.jpg /living_room_0078/sync_depth_00019.png 518.8579 +/furniture_store_0001d/rgb_00248.jpg /furniture_store_0001d/sync_depth_00248.png 518.8579 +/bookstore_0001f/rgb_00029.jpg /bookstore_0001f/sync_depth_00029.png 518.8579 +/living_room_0020/rgb_00194.jpg /living_room_0020/sync_depth_00194.png 518.8579 +/bedroom_0012/rgb_00016.jpg /bedroom_0012/sync_depth_00016.png 518.8579 +/kitchen_0051/rgb_00293.jpg /kitchen_0051/sync_depth_00293.png 518.8579 +/basement_0001a/rgb_00141.jpg /basement_0001a/sync_depth_00141.png 518.8579 +/study_room_0005a/rgb_00021.jpg /study_room_0005a/sync_depth_00021.png 518.8579 +/bedroom_0012/rgb_00006.jpg /bedroom_0012/sync_depth_00006.png 518.8579 +/study_room_0004/rgb_00142.jpg /study_room_0004/sync_depth_00142.png 518.8579 +/dining_room_0023/rgb_00013.jpg /dining_room_0023/sync_depth_00013.png 518.8579 +/dining_room_0023/rgb_00014.jpg /dining_room_0023/sync_depth_00014.png 518.8579 +/bedroom_0028/rgb_00000.jpg /bedroom_0028/sync_depth_00000.png 518.8579 +/playroom_0003/rgb_00079.jpg /playroom_0003/sync_depth_00079.png 518.8579 +/kitchen_0050/rgb_00091.jpg /kitchen_0050/sync_depth_00091.png 518.8579 +/classroom_0010/rgb_00000.jpg /classroom_0010/sync_depth_00000.png 518.8579 +/dining_room_0008/rgb_00162.jpg /dining_room_0008/sync_depth_00162.png 518.8579 +/laundry_room_0001/rgb_00000.jpg /laundry_room_0001/sync_depth_00000.png 518.8579 +/office_0004/rgb_00086.jpg /office_0004/sync_depth_00086.png 518.8579 +/living_room_0019/rgb_00140.jpg /living_room_0019/sync_depth_00140.png 518.8579 +/dining_room_0015/rgb_00186.jpg /dining_room_0015/sync_depth_00186.png 518.8579 +/bedroom_0025/rgb_00033.jpg /bedroom_0025/sync_depth_00033.png 518.8579 +/furniture_store_0001a/rgb_00034.jpg /furniture_store_0001a/sync_depth_00034.png 518.8579 +/dining_room_0013/rgb_00048.jpg /dining_room_0013/sync_depth_00048.png 518.8579 +/living_room_0040/rgb_00250.jpg /living_room_0040/sync_depth_00250.png 518.8579 +/reception_room_0002/rgb_00136.jpg /reception_room_0002/sync_depth_00136.png 518.8579 +/bookstore_0001f/rgb_00040.jpg /bookstore_0001f/sync_depth_00040.png 518.8579 +/bathroom_0028/rgb_00130.jpg /bathroom_0028/sync_depth_00130.png 518.8579 +/dining_room_0015/rgb_00246.jpg /dining_room_0015/sync_depth_00246.png 518.8579 +/bedroom_0080/rgb_00027.jpg /bedroom_0080/sync_depth_00027.png 518.8579 +/kitchen_0048/rgb_00268.jpg /kitchen_0048/sync_depth_00268.png 518.8579 +/living_room_0058/rgb_00040.jpg /living_room_0058/sync_depth_00040.png 518.8579 +/bathroom_0007/rgb_00069.jpg /bathroom_0007/sync_depth_00069.png 518.8579 +/kitchen_0045b/rgb_00057.jpg /kitchen_0045b/sync_depth_00057.png 518.8579 +/basement_0001a/rgb_00186.jpg /basement_0001a/sync_depth_00186.png 518.8579 +/kitchen_0035b/rgb_00053.jpg /kitchen_0035b/sync_depth_00053.png 518.8579 +/furniture_store_0002a/rgb_00288.jpg /furniture_store_0002a/sync_depth_00288.png 518.8579 +/living_room_0029/rgb_00087.jpg /living_room_0029/sync_depth_00087.png 518.8579 +/kitchen_0052/rgb_00049.jpg /kitchen_0052/sync_depth_00049.png 518.8579 +/bedroom_0062/rgb_00159.jpg /bedroom_0062/sync_depth_00159.png 518.8579 +/kitchen_0035b/rgb_00059.jpg /kitchen_0035b/sync_depth_00059.png 518.8579 +/reception_room_0002/rgb_00107.jpg /reception_room_0002/sync_depth_00107.png 518.8579 +/living_room_0010/rgb_00152.jpg /living_room_0010/sync_depth_00152.png 518.8579 +/classroom_0004/rgb_00020.jpg /classroom_0004/sync_depth_00020.png 518.8579 +/kitchen_0033/rgb_00158.jpg /kitchen_0033/sync_depth_00158.png 518.8579 +/bathroom_0019/rgb_00076.jpg /bathroom_0019/sync_depth_00076.png 518.8579 +/living_room_0047b/rgb_00082.jpg /living_room_0047b/sync_depth_00082.png 518.8579 +/kitchen_0029c/rgb_00158.jpg /kitchen_0029c/sync_depth_00158.png 518.8579 +/home_office_0006/rgb_00126.jpg /home_office_0006/sync_depth_00126.png 518.8579 +/bedroom_0086/rgb_00065.jpg /bedroom_0086/sync_depth_00065.png 518.8579 +/living_room_0062/rgb_00058.jpg /living_room_0062/sync_depth_00058.png 518.8579 +/kitchen_0049/rgb_00037.jpg /kitchen_0049/sync_depth_00037.png 518.8579 +/kitchen_0011a/rgb_00135.jpg /kitchen_0011a/sync_depth_00135.png 518.8579 +/living_room_0029/rgb_00103.jpg /living_room_0029/sync_depth_00103.png 518.8579 +/bathroom_0028/rgb_00058.jpg /bathroom_0028/sync_depth_00058.png 518.8579 +/kitchen_0045a/rgb_00158.jpg /kitchen_0045a/sync_depth_00158.png 518.8579 +/living_room_0011/rgb_00129.jpg /living_room_0011/sync_depth_00129.png 518.8579 +/dining_room_0033/rgb_00186.jpg /dining_room_0033/sync_depth_00186.png 518.8579 +/living_room_0010/rgb_00223.jpg /living_room_0010/sync_depth_00223.png 518.8579 +/classroom_0003/rgb_00049.jpg /classroom_0003/sync_depth_00049.png 518.8579 +/student_lounge_0001/rgb_00264.jpg /student_lounge_0001/sync_depth_00264.png 518.8579 +/bedroom_0086/rgb_00125.jpg /bedroom_0086/sync_depth_00125.png 518.8579 +/kitchen_0043/rgb_00034.jpg /kitchen_0043/sync_depth_00034.png 518.8579 +/furniture_store_0002a/rgb_00111.jpg /furniture_store_0002a/sync_depth_00111.png 518.8579 +/living_room_0022/rgb_00269.jpg /living_room_0022/sync_depth_00269.png 518.8579 +/bookstore_0001d/rgb_00153.jpg /bookstore_0001d/sync_depth_00153.png 518.8579 +/living_room_0022/rgb_00017.jpg /living_room_0022/sync_depth_00017.png 518.8579 +/bathroom_0053/rgb_00056.jpg /bathroom_0053/sync_depth_00056.png 518.8579 +/nyu_office_1/rgb_00088.jpg /nyu_office_1/sync_depth_00088.png 518.8579 +/kitchen_0037/rgb_00075.jpg /kitchen_0037/sync_depth_00075.png 518.8579 +/dining_room_0004/rgb_00084.jpg /dining_room_0004/sync_depth_00084.png 518.8579 +/living_room_0050/rgb_00057.jpg /living_room_0050/sync_depth_00057.png 518.8579 +/living_room_0050/rgb_00270.jpg /living_room_0050/sync_depth_00270.png 518.8579 +/office_kitchen_0003/rgb_00107.jpg /office_kitchen_0003/sync_depth_00107.png 518.8579 +/office_0023/rgb_00037.jpg /office_0023/sync_depth_00037.png 518.8579 +/classroom_0006/rgb_00174.jpg /classroom_0006/sync_depth_00174.png 518.8579 +/furniture_store_0002b/rgb_00025.jpg /furniture_store_0002b/sync_depth_00025.png 518.8579 +/bedroom_0062/rgb_00076.jpg /bedroom_0062/sync_depth_00076.png 518.8579 +/living_room_0047b/rgb_00078.jpg /living_room_0047b/sync_depth_00078.png 518.8579 +/kitchen_0048/rgb_00189.jpg /kitchen_0048/sync_depth_00189.png 518.8579 +/student_lounge_0001/rgb_00196.jpg /student_lounge_0001/sync_depth_00196.png 518.8579 +/bathroom_0033/rgb_00057.jpg /bathroom_0033/sync_depth_00057.png 518.8579 +/office_kitchen_0001b/rgb_00005.jpg /office_kitchen_0001b/sync_depth_00005.png 518.8579 +/living_room_0022/rgb_00182.jpg /living_room_0022/sync_depth_00182.png 518.8579 +/dining_room_0019/rgb_00125.jpg /dining_room_0019/sync_depth_00125.png 518.8579 +/dining_room_0033/rgb_00181.jpg /dining_room_0033/sync_depth_00181.png 518.8579 +/classroom_0016/rgb_00048.jpg /classroom_0016/sync_depth_00048.png 518.8579 +/office_0024/rgb_00074.jpg /office_0024/sync_depth_00074.png 518.8579 +/living_room_0040/rgb_00015.jpg /living_room_0040/sync_depth_00015.png 518.8579 +/study_0008/rgb_00022.jpg /study_0008/sync_depth_00022.png 518.8579 +/kitchen_0031/rgb_00096.jpg /kitchen_0031/sync_depth_00096.png 518.8579 +/office_0025/rgb_00041.jpg /office_0025/sync_depth_00041.png 518.8579 +/dining_room_0031/rgb_00149.jpg /dining_room_0031/sync_depth_00149.png 518.8579 +/office_0018/rgb_00052.jpg /office_0018/sync_depth_00052.png 518.8579 +/furniture_store_0002b/rgb_00101.jpg /furniture_store_0002b/sync_depth_00101.png 518.8579 +/dining_room_0029/rgb_00085.jpg /dining_room_0029/sync_depth_00085.png 518.8579 +/nyu_office_1/rgb_00059.jpg /nyu_office_1/sync_depth_00059.png 518.8579 +/dining_room_0016/rgb_00084.jpg /dining_room_0016/sync_depth_00084.png 518.8579 +/office_0003/rgb_00057.jpg /office_0003/sync_depth_00057.png 518.8579 +/living_room_0047b/rgb_00116.jpg /living_room_0047b/sync_depth_00116.png 518.8579 +/study_0004/rgb_00080.jpg /study_0004/sync_depth_00080.png 518.8579 +/bathroom_0011/rgb_00031.jpg /bathroom_0011/sync_depth_00031.png 518.8579 +/bedroom_0076a/rgb_00104.jpg /bedroom_0076a/sync_depth_00104.png 518.8579 +/kitchen_0049/rgb_00123.jpg /kitchen_0049/sync_depth_00123.png 518.8579 +/bedroom_0056a/rgb_00051.jpg /bedroom_0056a/sync_depth_00051.png 518.8579 +/living_room_0012/rgb_00111.jpg /living_room_0012/sync_depth_00111.png 518.8579 +/living_room_0039/rgb_00143.jpg /living_room_0039/sync_depth_00143.png 518.8579 +/living_room_0078/rgb_00040.jpg /living_room_0078/sync_depth_00040.png 518.8579 +/bedroom_0050/rgb_00183.jpg /bedroom_0050/sync_depth_00183.png 518.8579 +/dining_room_0012/rgb_00017.jpg /dining_room_0012/sync_depth_00017.png 518.8579 +/bathroom_0028/rgb_00152.jpg /bathroom_0028/sync_depth_00152.png 518.8579 +/study_room_0004/rgb_00132.jpg /study_room_0004/sync_depth_00132.png 518.8579 +/dining_room_0010/rgb_00086.jpg /dining_room_0010/sync_depth_00086.png 518.8579 +/bedroom_0034/rgb_00126.jpg /bedroom_0034/sync_depth_00126.png 518.8579 +/bookstore_0001i/rgb_00079.jpg /bookstore_0001i/sync_depth_00079.png 518.8579 +/bedroom_0132/rgb_00038.jpg /bedroom_0132/sync_depth_00038.png 518.8579 +/home_storage_0001/rgb_00071.jpg /home_storage_0001/sync_depth_00071.png 518.8579 +/bedroom_0065/rgb_00005.jpg /bedroom_0065/sync_depth_00005.png 518.8579 +/nyu_office_0/rgb_00196.jpg /nyu_office_0/sync_depth_00196.png 518.8579 +/kitchen_0028b/rgb_00061.jpg /kitchen_0028b/sync_depth_00061.png 518.8579 +/office_kitchen_0003/rgb_00127.jpg /office_kitchen_0003/sync_depth_00127.png 518.8579 +/dining_room_0031/rgb_00371.jpg /dining_room_0031/sync_depth_00371.png 518.8579 +/bedroom_0072/rgb_00041.jpg /bedroom_0072/sync_depth_00041.png 518.8579 +/playroom_0003/rgb_00098.jpg /playroom_0003/sync_depth_00098.png 518.8579 +/living_room_0078/rgb_00124.jpg /living_room_0078/sync_depth_00124.png 518.8579 +/bedroom_0052/rgb_00080.jpg /bedroom_0052/sync_depth_00080.png 518.8579 +/bedroom_0028/rgb_00040.jpg /bedroom_0028/sync_depth_00040.png 518.8579 +/bedroom_0028/rgb_00071.jpg /bedroom_0028/sync_depth_00071.png 518.8579 +/dining_room_0013/rgb_00119.jpg /dining_room_0013/sync_depth_00119.png 518.8579 +/bedroom_0040/rgb_00054.jpg /bedroom_0040/sync_depth_00054.png 518.8579 +/living_room_0039/rgb_00149.jpg /living_room_0039/sync_depth_00149.png 518.8579 +/living_room_0055/rgb_00008.jpg /living_room_0055/sync_depth_00008.png 518.8579 +/bedroom_0072/rgb_00032.jpg /bedroom_0072/sync_depth_00032.png 518.8579 +/study_room_0004/rgb_00108.jpg /study_room_0004/sync_depth_00108.png 518.8579 +/bedroom_0078/rgb_00165.jpg /bedroom_0078/sync_depth_00165.png 518.8579 +/dining_room_0023/rgb_00043.jpg /dining_room_0023/sync_depth_00043.png 518.8579 +/basement_0001a/rgb_00130.jpg /basement_0001a/sync_depth_00130.png 518.8579 +/bedroom_0069/rgb_00120.jpg /bedroom_0069/sync_depth_00120.png 518.8579 +/dining_room_0019/rgb_00077.jpg /dining_room_0019/sync_depth_00077.png 518.8579 +/kitchen_0003/rgb_00074.jpg /kitchen_0003/sync_depth_00074.png 518.8579 +/bathroom_0007/rgb_00101.jpg /bathroom_0007/sync_depth_00101.png 518.8579 +/living_room_0039/rgb_00178.jpg /living_room_0039/sync_depth_00178.png 518.8579 +/bedroom_0031/rgb_00010.jpg /bedroom_0031/sync_depth_00010.png 518.8579 +/bookstore_0001j/rgb_00281.jpg /bookstore_0001j/sync_depth_00281.png 518.8579 +/furniture_store_0002c/rgb_00009.jpg /furniture_store_0002c/sync_depth_00009.png 518.8579 +/bathroom_0002/rgb_00000.jpg /bathroom_0002/sync_depth_00000.png 518.8579 +/bedroom_0014/rgb_00031.jpg /bedroom_0014/sync_depth_00031.png 518.8579 +/bedroom_0063/rgb_00040.jpg /bedroom_0063/sync_depth_00040.png 518.8579 +/bedroom_0071/rgb_00092.jpg /bedroom_0071/sync_depth_00092.png 518.8579 +/bookstore_0001f/rgb_00214.jpg /bookstore_0001f/sync_depth_00214.png 518.8579 +/kitchen_0019a/rgb_00214.jpg /kitchen_0019a/sync_depth_00214.png 518.8579 +/bathroom_0053/rgb_00014.jpg /bathroom_0053/sync_depth_00014.png 518.8579 +/bedroom_0106/rgb_00045.jpg /bedroom_0106/sync_depth_00045.png 518.8579 +/playroom_0006/rgb_00102.jpg /playroom_0006/sync_depth_00102.png 518.8579 +/bedroom_0029/rgb_00012.jpg /bedroom_0029/sync_depth_00012.png 518.8579 +/basement_0001a/rgb_00040.jpg /basement_0001a/sync_depth_00040.png 518.8579 +/dining_room_0013/rgb_00131.jpg /dining_room_0013/sync_depth_00131.png 518.8579 +/bedroom_0051/rgb_00109.jpg /bedroom_0051/sync_depth_00109.png 518.8579 +/dining_room_0013/rgb_00112.jpg /dining_room_0013/sync_depth_00112.png 518.8579 +/kitchen_0045a/rgb_00005.jpg /kitchen_0045a/sync_depth_00005.png 518.8579 +/dining_room_0004/rgb_00082.jpg /dining_room_0004/sync_depth_00082.png 518.8579 +/living_room_0010/rgb_00154.jpg /living_room_0010/sync_depth_00154.png 518.8579 +/living_room_0038/rgb_00050.jpg /living_room_0038/sync_depth_00050.png 518.8579 +/office_0024/rgb_00089.jpg /office_0024/sync_depth_00089.png 518.8579 +/living_room_0040/rgb_00228.jpg /living_room_0040/sync_depth_00228.png 518.8579 +/bedroom_0016/rgb_00022.jpg /bedroom_0016/sync_depth_00022.png 518.8579 +/living_room_0018/rgb_00154.jpg /living_room_0018/sync_depth_00154.png 518.8579 +/reception_room_0002/rgb_00050.jpg /reception_room_0002/sync_depth_00050.png 518.8579 +/bookstore_0001i/rgb_00098.jpg /bookstore_0001i/sync_depth_00098.png 518.8579 +/classroom_0004/rgb_00097.jpg /classroom_0004/sync_depth_00097.png 518.8579 +/bedroom_0035/rgb_00033.jpg /bedroom_0035/sync_depth_00033.png 518.8579 +/office_0024/rgb_00099.jpg /office_0024/sync_depth_00099.png 518.8579 +/classroom_0006/rgb_00068.jpg /classroom_0006/sync_depth_00068.png 518.8579 +/bookstore_0001i/rgb_00066.jpg /bookstore_0001i/sync_depth_00066.png 518.8579 +/office_0009/rgb_00006.jpg /office_0009/sync_depth_00006.png 518.8579 +/bedroom_0096/rgb_00037.jpg /bedroom_0096/sync_depth_00037.png 518.8579 +/living_room_0042b/rgb_00021.jpg /living_room_0042b/sync_depth_00021.png 518.8579 +/living_room_0063/rgb_00002.jpg /living_room_0063/sync_depth_00002.png 518.8579 +/living_room_0020/rgb_00110.jpg /living_room_0020/sync_depth_00110.png 518.8579 +/living_room_0012/rgb_00219.jpg /living_room_0012/sync_depth_00219.png 518.8579 +/bedroom_0113/rgb_00064.jpg /bedroom_0113/sync_depth_00064.png 518.8579 +/kitchen_0047/rgb_00130.jpg /kitchen_0047/sync_depth_00130.png 518.8579 +/home_storage_0001/rgb_00103.jpg /home_storage_0001/sync_depth_00103.png 518.8579 +/furniture_store_0001b/rgb_00069.jpg /furniture_store_0001b/sync_depth_00069.png 518.8579 +/dining_room_0031/rgb_00228.jpg /dining_room_0031/sync_depth_00228.png 518.8579 +/kitchen_0045b/rgb_00131.jpg /kitchen_0045b/sync_depth_00131.png 518.8579 +/office_0004/rgb_00048.jpg /office_0004/sync_depth_00048.png 518.8579 +/bathroom_0048/rgb_00027.jpg /bathroom_0048/sync_depth_00027.png 518.8579 +/bookstore_0001f/rgb_00435.jpg /bookstore_0001f/sync_depth_00435.png 518.8579 +/furniture_store_0001e/rgb_00041.jpg /furniture_store_0001e/sync_depth_00041.png 518.8579 +/classroom_0016/rgb_00076.jpg /classroom_0016/sync_depth_00076.png 518.8579 +/kitchen_0052/rgb_00155.jpg /kitchen_0052/sync_depth_00155.png 518.8579 +/kitchen_0035b/rgb_00254.jpg /kitchen_0035b/sync_depth_00254.png 518.8579 +/kitchen_0019a/rgb_00153.jpg /kitchen_0019a/sync_depth_00153.png 518.8579 +/kitchen_0011b/rgb_00007.jpg /kitchen_0011b/sync_depth_00007.png 518.8579 +/kitchen_0052/rgb_00128.jpg /kitchen_0052/sync_depth_00128.png 518.8579 +/cafe_0001b/rgb_00060.jpg /cafe_0001b/sync_depth_00060.png 518.8579 +/reception_room_0002/rgb_00124.jpg /reception_room_0002/sync_depth_00124.png 518.8579 +/bathroom_0054/rgb_00020.jpg /bathroom_0054/sync_depth_00020.png 518.8579 +/bookstore_0001f/rgb_00225.jpg /bookstore_0001f/sync_depth_00225.png 518.8579 +/living_room_0018/rgb_00042.jpg /living_room_0018/sync_depth_00042.png 518.8579 +/playroom_0002/rgb_00038.jpg /playroom_0002/sync_depth_00038.png 518.8579 +/bathroom_0006/rgb_00045.jpg /bathroom_0006/sync_depth_00045.png 518.8579 +/living_room_0050/rgb_00043.jpg /living_room_0050/sync_depth_00043.png 518.8579 +/living_room_0040/rgb_00074.jpg /living_room_0040/sync_depth_00074.png 518.8579 +/bookstore_0001f/rgb_00496.jpg /bookstore_0001f/sync_depth_00496.png 518.8579 +/kitchen_0051/rgb_00000.jpg /kitchen_0051/sync_depth_00000.png 518.8579 +/kitchen_0031/rgb_00153.jpg /kitchen_0031/sync_depth_00153.png 518.8579 +/bedroom_0086/rgb_00012.jpg /bedroom_0086/sync_depth_00012.png 518.8579 +/bedroom_0125a/rgb_00023.jpg /bedroom_0125a/sync_depth_00023.png 518.8579 +/bedroom_0071/rgb_00021.jpg /bedroom_0071/sync_depth_00021.png 518.8579 +/living_room_0039/rgb_00167.jpg /living_room_0039/sync_depth_00167.png 518.8579 +/reception_room_0002/rgb_00005.jpg /reception_room_0002/sync_depth_00005.png 518.8579 +/study_0003/rgb_00077.jpg /study_0003/sync_depth_00077.png 518.8579 +/living_room_0012/rgb_00021.jpg /living_room_0012/sync_depth_00021.png 518.8579 +/bedroom_0059/rgb_00055.jpg /bedroom_0059/sync_depth_00055.png 518.8579 +/classroom_0011/rgb_00060.jpg /classroom_0011/sync_depth_00060.png 518.8579 +/office_0024/rgb_00014.jpg /office_0024/sync_depth_00014.png 518.8579 +/bathroom_0028/rgb_00095.jpg /bathroom_0028/sync_depth_00095.png 518.8579 +/bookstore_0001f/rgb_00045.jpg /bookstore_0001f/sync_depth_00045.png 518.8579 +/living_room_0086b/rgb_00036.jpg /living_room_0086b/sync_depth_00036.png 518.8579 +/furniture_store_0002a/rgb_00235.jpg /furniture_store_0002a/sync_depth_00235.png 518.8579 +/living_room_0022/rgb_00010.jpg /living_room_0022/sync_depth_00010.png 518.8579 +/dinette_0001/rgb_00083.jpg /dinette_0001/sync_depth_00083.png 518.8579 +/living_room_0005/rgb_00099.jpg /living_room_0005/sync_depth_00099.png 518.8579 +/bedroom_0104/rgb_00067.jpg /bedroom_0104/sync_depth_00067.png 518.8579 +/bedroom_0051/rgb_00070.jpg /bedroom_0051/sync_depth_00070.png 518.8579 +/kitchen_0033/rgb_00030.jpg /kitchen_0033/sync_depth_00030.png 518.8579 +/dining_room_0031/rgb_00308.jpg /dining_room_0031/sync_depth_00308.png 518.8579 +/kitchen_0045a/rgb_00083.jpg /kitchen_0045a/sync_depth_00083.png 518.8579 +/bedroom_0016/rgb_00196.jpg /bedroom_0016/sync_depth_00196.png 518.8579 +/bedroom_0074/rgb_00111.jpg /bedroom_0074/sync_depth_00111.png 518.8579 +/nyu_office_0/rgb_00190.jpg /nyu_office_0/sync_depth_00190.png 518.8579 +/bathroom_0048/rgb_00055.jpg /bathroom_0048/sync_depth_00055.png 518.8579 +/kitchen_0035b/rgb_00155.jpg /kitchen_0035b/sync_depth_00155.png 518.8579 +/bedroom_0126/rgb_00028.jpg /bedroom_0126/sync_depth_00028.png 518.8579 +/dining_room_0007/rgb_00044.jpg /dining_room_0007/sync_depth_00044.png 518.8579 +/living_room_0035/rgb_00057.jpg /living_room_0035/sync_depth_00057.png 518.8579 +/bedroom_0072/rgb_00086.jpg /bedroom_0072/sync_depth_00086.png 518.8579 +/living_room_0012/rgb_00047.jpg /living_room_0012/sync_depth_00047.png 518.8579 +/nyu_office_0/rgb_00304.jpg /nyu_office_0/sync_depth_00304.png 518.8579 +/kitchen_0053/rgb_00117.jpg /kitchen_0053/sync_depth_00117.png 518.8579 +/living_room_0038/rgb_00019.jpg /living_room_0038/sync_depth_00019.png 518.8579 +/bathroom_0005/rgb_00016.jpg /bathroom_0005/sync_depth_00016.png 518.8579 +/dining_room_0012/rgb_00071.jpg /dining_room_0012/sync_depth_00071.png 518.8579 +/dining_room_0031/rgb_00083.jpg /dining_room_0031/sync_depth_00083.png 518.8579 +/bedroom_0040/rgb_00080.jpg /bedroom_0040/sync_depth_00080.png 518.8579 +/living_room_0062/rgb_00022.jpg /living_room_0062/sync_depth_00022.png 518.8579 +/bedroom_0052/rgb_00204.jpg /bedroom_0052/sync_depth_00204.png 518.8579 +/living_room_0039/rgb_00162.jpg /living_room_0039/sync_depth_00162.png 518.8579 +/bookstore_0001f/rgb_00499.jpg /bookstore_0001f/sync_depth_00499.png 518.8579 +/cafe_0001b/rgb_00012.jpg /cafe_0001b/sync_depth_00012.png 518.8579 +/bathroom_0028/rgb_00072.jpg /bathroom_0028/sync_depth_00072.png 518.8579 +/bookstore_0001f/rgb_00087.jpg /bookstore_0001f/sync_depth_00087.png 518.8579 +/furniture_store_0001e/rgb_00007.jpg /furniture_store_0001e/sync_depth_00007.png 518.8579 +/kitchen_0035b/rgb_00184.jpg /kitchen_0035b/sync_depth_00184.png 518.8579 +/bedroom_0056a/rgb_00096.jpg /bedroom_0056a/sync_depth_00096.png 518.8579 +/bookstore_0001d/rgb_00329.jpg /bookstore_0001d/sync_depth_00329.png 518.8579 +/bedroom_0020/rgb_00071.jpg /bedroom_0020/sync_depth_00071.png 518.8579 +/kitchen_0010/rgb_00123.jpg /kitchen_0010/sync_depth_00123.png 518.8579 +/bedroom_0104/rgb_00064.jpg /bedroom_0104/sync_depth_00064.png 518.8579 +/bedroom_0094/rgb_00004.jpg /bedroom_0094/sync_depth_00004.png 518.8579 +/home_office_0013/rgb_00028.jpg /home_office_0013/sync_depth_00028.png 518.8579 +/living_room_0047a/rgb_00020.jpg /living_room_0047a/sync_depth_00020.png 518.8579 +/kitchen_0029c/rgb_00041.jpg /kitchen_0029c/sync_depth_00041.png 518.8579 +/kitchen_0048/rgb_00039.jpg /kitchen_0048/sync_depth_00039.png 518.8579 +/dining_room_0001b/rgb_00191.jpg /dining_room_0001b/sync_depth_00191.png 518.8579 +/kitchen_0060/rgb_00008.jpg /kitchen_0060/sync_depth_00008.png 518.8579 +/kitchen_0033/rgb_00011.jpg /kitchen_0033/sync_depth_00011.png 518.8579 +/office_0011/rgb_00166.jpg /office_0011/sync_depth_00166.png 518.8579 +/living_room_0058/rgb_00177.jpg /living_room_0058/sync_depth_00177.png 518.8579 +/bathroom_0041/rgb_00011.jpg /bathroom_0041/sync_depth_00011.png 518.8579 +/bedroom_0126/rgb_00012.jpg /bedroom_0126/sync_depth_00012.png 518.8579 +/kitchen_0053/rgb_00009.jpg /kitchen_0053/sync_depth_00009.png 518.8579 +/dining_room_0008/rgb_00198.jpg /dining_room_0008/sync_depth_00198.png 518.8579 +/study_0008/rgb_00046.jpg /study_0008/sync_depth_00046.png 518.8579 +/living_room_0020/rgb_00105.jpg /living_room_0020/sync_depth_00105.png 518.8579 +/kitchen_0011a/rgb_00133.jpg /kitchen_0011a/sync_depth_00133.png 518.8579 +/bedroom_0056a/rgb_00108.jpg /bedroom_0056a/sync_depth_00108.png 518.8579 +/dining_room_0031/rgb_00138.jpg /dining_room_0031/sync_depth_00138.png 518.8579 +/living_room_0040/rgb_00012.jpg /living_room_0040/sync_depth_00012.png 518.8579 +/bedroom_0072/rgb_00123.jpg /bedroom_0072/sync_depth_00123.png 518.8579 +/bookstore_0001h/rgb_00097.jpg /bookstore_0001h/sync_depth_00097.png 518.8579 +/kitchen_0047/rgb_00078.jpg /kitchen_0047/sync_depth_00078.png 518.8579 +/bookstore_0001f/rgb_00184.jpg /bookstore_0001f/sync_depth_00184.png 518.8579 +/bedroom_0038/rgb_00015.jpg /bedroom_0038/sync_depth_00015.png 518.8579 +/study_room_0004/rgb_00170.jpg /study_room_0004/sync_depth_00170.png 518.8579 +/conference_room_0001/rgb_00018.jpg /conference_room_0001/sync_depth_00018.png 518.8579 +/bedroom_0094/rgb_00014.jpg /bedroom_0094/sync_depth_00014.png 518.8579 +/furniture_store_0001d/rgb_00022.jpg /furniture_store_0001d/sync_depth_00022.png 518.8579 +/living_room_0010/rgb_00115.jpg /living_room_0010/sync_depth_00115.png 518.8579 +/dining_room_0024/rgb_00018.jpg /dining_room_0024/sync_depth_00018.png 518.8579 +/living_room_0020/rgb_00022.jpg /living_room_0020/sync_depth_00022.png 518.8579 +/bedroom_0031/rgb_00000.jpg /bedroom_0031/sync_depth_00000.png 518.8579 +/bedroom_0063/rgb_00124.jpg /bedroom_0063/sync_depth_00124.png 518.8579 +/bathroom_0053/rgb_00053.jpg /bathroom_0053/sync_depth_00053.png 518.8579 +/living_room_0022/rgb_00291.jpg /living_room_0022/sync_depth_00291.png 518.8579 +/bedroom_0050/rgb_00062.jpg /bedroom_0050/sync_depth_00062.png 518.8579 +/living_room_0004/rgb_00035.jpg /living_room_0004/sync_depth_00035.png 518.8579 +/kitchen_0016/rgb_00087.jpg /kitchen_0016/sync_depth_00087.png 518.8579 +/reception_room_0002/rgb_00123.jpg /reception_room_0002/sync_depth_00123.png 518.8579 +/bedroom_0140/rgb_00166.jpg /bedroom_0140/sync_depth_00166.png 518.8579 +/living_room_0040/rgb_00310.jpg /living_room_0040/sync_depth_00310.png 518.8579 +/classroom_0022/rgb_00079.jpg /classroom_0022/sync_depth_00079.png 518.8579 +/furniture_store_0001a/rgb_00040.jpg /furniture_store_0001a/sync_depth_00040.png 518.8579 +/bedroom_0004/rgb_00080.jpg /bedroom_0004/sync_depth_00080.png 518.8579 +/living_room_0020/rgb_00212.jpg /living_room_0020/sync_depth_00212.png 518.8579 +/living_room_0012/rgb_00223.jpg /living_room_0012/sync_depth_00223.png 518.8579 +/bedroom_0098/rgb_00076.jpg /bedroom_0098/sync_depth_00076.png 518.8579 +/living_room_0019/rgb_00123.jpg /living_room_0019/sync_depth_00123.png 518.8579 +/kitchen_0051/rgb_00356.jpg /kitchen_0051/sync_depth_00356.png 518.8579 +/kitchen_0053/rgb_00037.jpg /kitchen_0053/sync_depth_00037.png 518.8579 +/kitchen_0029c/rgb_00120.jpg /kitchen_0029c/sync_depth_00120.png 518.8579 +/furniture_store_0002b/rgb_00154.jpg /furniture_store_0002b/sync_depth_00154.png 518.8579 +/furniture_store_0002b/rgb_00248.jpg /furniture_store_0002b/sync_depth_00248.png 518.8579 +/furniture_store_0001d/rgb_00091.jpg /furniture_store_0001d/sync_depth_00091.png 518.8579 +/bedroom_0062/rgb_00098.jpg /bedroom_0062/sync_depth_00098.png 518.8579 +/furniture_store_0001d/rgb_00222.jpg /furniture_store_0001d/sync_depth_00222.png 518.8579 +/bookstore_0001d/rgb_00298.jpg /bookstore_0001d/sync_depth_00298.png 518.8579 +/living_room_0022/rgb_00326.jpg /living_room_0022/sync_depth_00326.png 518.8579 +/bedroom_0051/rgb_00187.jpg /bedroom_0051/sync_depth_00187.png 518.8579 +/kitchen_0010/rgb_00084.jpg /kitchen_0010/sync_depth_00084.png 518.8579 +/bedroom_0104/rgb_00032.jpg /bedroom_0104/sync_depth_00032.png 518.8579 +/office_0012/rgb_00087.jpg /office_0012/sync_depth_00087.png 518.8579 +/bedroom_0017/rgb_00148.jpg /bedroom_0017/sync_depth_00148.png 518.8579 +/kitchen_0043/rgb_00202.jpg /kitchen_0043/sync_depth_00202.png 518.8579 +/dining_room_0007/rgb_00105.jpg /dining_room_0007/sync_depth_00105.png 518.8579 +/kitchen_0053/rgb_00255.jpg /kitchen_0053/sync_depth_00255.png 518.8579 +/dining_room_0008/rgb_00087.jpg /dining_room_0008/sync_depth_00087.png 518.8579 +/bathroom_0011/rgb_00011.jpg /bathroom_0011/sync_depth_00011.png 518.8579 +/kitchen_0047/rgb_00044.jpg /kitchen_0047/sync_depth_00044.png 518.8579 +/bedroom_0016/rgb_00033.jpg /bedroom_0016/sync_depth_00033.png 518.8579 +/kitchen_0043/rgb_00048.jpg /kitchen_0043/sync_depth_00048.png 518.8579 +/bedroom_0017/rgb_00127.jpg /bedroom_0017/sync_depth_00127.png 518.8579 +/bookstore_0001g/rgb_00051.jpg /bookstore_0001g/sync_depth_00051.png 518.8579 +/bedroom_0026/rgb_00025.jpg /bedroom_0026/sync_depth_00025.png 518.8579 +/living_room_0018/rgb_00146.jpg /living_room_0018/sync_depth_00146.png 518.8579 +/playroom_0002/rgb_00028.jpg /playroom_0002/sync_depth_00028.png 518.8579 +/bedroom_0014/rgb_00005.jpg /bedroom_0014/sync_depth_00005.png 518.8579 +/furniture_store_0002b/rgb_00028.jpg /furniture_store_0002b/sync_depth_00028.png 518.8579 +/bedroom_0062/rgb_00031.jpg /bedroom_0062/sync_depth_00031.png 518.8579 +/furniture_store_0002d/rgb_00020.jpg /furniture_store_0002d/sync_depth_00020.png 518.8579 +/reception_room_0002/rgb_00126.jpg /reception_room_0002/sync_depth_00126.png 518.8579 +/bookstore_0001i/rgb_00125.jpg /bookstore_0001i/sync_depth_00125.png 518.8579 +/living_room_0040/rgb_00149.jpg /living_room_0040/sync_depth_00149.png 518.8579 +/bathroom_0030/rgb_00009.jpg /bathroom_0030/sync_depth_00009.png 518.8579 +/bookstore_0001h/rgb_00009.jpg /bookstore_0001h/sync_depth_00009.png 518.8579 +/dining_room_0001b/rgb_00053.jpg /dining_room_0001b/sync_depth_00053.png 518.8579 +/office_0004/rgb_00078.jpg /office_0004/sync_depth_00078.png 518.8579 +/living_room_0086a/rgb_00001.jpg /living_room_0086a/sync_depth_00001.png 518.8579 +/kitchen_0050/rgb_00100.jpg /kitchen_0050/sync_depth_00100.png 518.8579 +/bathroom_0028/rgb_00165.jpg /bathroom_0028/sync_depth_00165.png 518.8579 +/living_room_0069b/rgb_00042.jpg /living_room_0069b/sync_depth_00042.png 518.8579 +/bedroom_0066/rgb_00015.jpg /bedroom_0066/sync_depth_00015.png 518.8579 +/kitchen_0043/rgb_00101.jpg /kitchen_0043/sync_depth_00101.png 518.8579 +/furniture_store_0002a/rgb_00033.jpg /furniture_store_0002a/sync_depth_00033.png 518.8579 +/kitchen_0053/rgb_00201.jpg /kitchen_0053/sync_depth_00201.png 518.8579 +/reception_room_0004/rgb_00014.jpg /reception_room_0004/sync_depth_00014.png 518.8579 +/dining_room_0015/rgb_00100.jpg /dining_room_0015/sync_depth_00100.png 518.8579 +/living_room_0022/rgb_00263.jpg /living_room_0022/sync_depth_00263.png 518.8579 +/living_room_0004/rgb_00016.jpg /living_room_0004/sync_depth_00016.png 518.8579 +/bedroom_0124/rgb_00002.jpg /bedroom_0124/sync_depth_00002.png 518.8579 +/kitchen_0019a/rgb_00073.jpg /kitchen_0019a/sync_depth_00073.png 518.8579 +/living_room_0083/rgb_00092.jpg /living_room_0083/sync_depth_00092.png 518.8579 +/kitchen_0051/rgb_00289.jpg /kitchen_0051/sync_depth_00289.png 518.8579 +/bathroom_0054/rgb_00009.jpg /bathroom_0054/sync_depth_00009.png 518.8579 +/office_0026/rgb_00010.jpg /office_0026/sync_depth_00010.png 518.8579 +/living_room_0069a/rgb_00124.jpg /living_room_0069a/sync_depth_00124.png 518.8579 +/kitchen_0047/rgb_00100.jpg /kitchen_0047/sync_depth_00100.png 518.8579 +/office_0011/rgb_00060.jpg /office_0011/sync_depth_00060.png 518.8579 +/kitchen_0019a/rgb_00178.jpg /kitchen_0019a/sync_depth_00178.png 518.8579 +/bedroom_0107/rgb_00036.jpg /bedroom_0107/sync_depth_00036.png 518.8579 +/bedroom_0017/rgb_00044.jpg /bedroom_0017/sync_depth_00044.png 518.8579 +/bedroom_0130/rgb_00023.jpg /bedroom_0130/sync_depth_00023.png 518.8579 +/living_room_0050/rgb_00261.jpg /living_room_0050/sync_depth_00261.png 518.8579 +/furniture_store_0001e/rgb_00092.jpg /furniture_store_0001e/sync_depth_00092.png 518.8579 +/bedroom_0025/rgb_00096.jpg /bedroom_0025/sync_depth_00096.png 518.8579 +/dining_room_0007/rgb_00172.jpg /dining_room_0007/sync_depth_00172.png 518.8579 +/dining_room_0001b/rgb_00112.jpg /dining_room_0001b/sync_depth_00112.png 518.8579 +/living_room_0005/rgb_00080.jpg /living_room_0005/sync_depth_00080.png 518.8579 +/classroom_0004/rgb_00008.jpg /classroom_0004/sync_depth_00008.png 518.8579 +/living_room_0040/rgb_00053.jpg /living_room_0040/sync_depth_00053.png 518.8579 +/kitchen_0053/rgb_00119.jpg /kitchen_0053/sync_depth_00119.png 518.8579 +/bedroom_0052/rgb_00090.jpg /bedroom_0052/sync_depth_00090.png 518.8579 +/kitchen_0049/rgb_00222.jpg /kitchen_0049/sync_depth_00222.png 518.8579 +/dining_room_0013/rgb_00154.jpg /dining_room_0013/sync_depth_00154.png 518.8579 +/kitchen_0048/rgb_00247.jpg /kitchen_0048/sync_depth_00247.png 518.8579 +/living_room_0040/rgb_00287.jpg /living_room_0040/sync_depth_00287.png 518.8579 +/office_0024/rgb_00071.jpg /office_0024/sync_depth_00071.png 518.8579 +/cafe_0001c/rgb_00050.jpg /cafe_0001c/sync_depth_00050.png 518.8579 +/living_room_0039/rgb_00112.jpg /living_room_0039/sync_depth_00112.png 518.8579 +/dining_room_0019/rgb_00145.jpg /dining_room_0019/sync_depth_00145.png 518.8579 +/home_office_0007/rgb_00036.jpg /home_office_0007/sync_depth_00036.png 518.8579 +/kitchen_0045b/rgb_00015.jpg /kitchen_0045b/sync_depth_00015.png 518.8579 +/playroom_0004/rgb_00017.jpg /playroom_0004/sync_depth_00017.png 518.8579 +/bedroom_0067a/rgb_00042.jpg /bedroom_0067a/sync_depth_00042.png 518.8579 +/office_0024/rgb_00116.jpg /office_0024/sync_depth_00116.png 518.8579 +/bedroom_0138/rgb_00048.jpg /bedroom_0138/sync_depth_00048.png 518.8579 +/living_room_0050/rgb_00255.jpg /living_room_0050/sync_depth_00255.png 518.8579 +/bookstore_0001f/rgb_00380.jpg /bookstore_0001f/sync_depth_00380.png 518.8579 +/bedroom_0050/rgb_00122.jpg /bedroom_0050/sync_depth_00122.png 518.8579 +/office_0023/rgb_00008.jpg /office_0023/sync_depth_00008.png 518.8579 +/living_room_0046a/rgb_00005.jpg /living_room_0046a/sync_depth_00005.png 518.8579 +/living_room_0019/rgb_00139.jpg /living_room_0019/sync_depth_00139.png 518.8579 +/bedroom_0052/rgb_00131.jpg /bedroom_0052/sync_depth_00131.png 518.8579 +/living_room_0040/rgb_00098.jpg /living_room_0040/sync_depth_00098.png 518.8579 +/bedroom_0056b/rgb_00045.jpg /bedroom_0056b/sync_depth_00045.png 518.8579 +/kitchen_0006/rgb_00080.jpg /kitchen_0006/sync_depth_00080.png 518.8579 +/kitchen_0037/rgb_00018.jpg /kitchen_0037/sync_depth_00018.png 518.8579 +/bedroom_0125b/rgb_00074.jpg /bedroom_0125b/sync_depth_00074.png 518.8579 +/living_room_0040/rgb_00016.jpg /living_room_0040/sync_depth_00016.png 518.8579 +/bedroom_0051/rgb_00071.jpg /bedroom_0051/sync_depth_00071.png 518.8579 +/bathroom_0034/rgb_00049.jpg /bathroom_0034/sync_depth_00049.png 518.8579 +/computer_lab_0002/rgb_00004.jpg /computer_lab_0002/sync_depth_00004.png 518.8579 +/bathroom_0002/rgb_00009.jpg /bathroom_0002/sync_depth_00009.png 518.8579 +/living_room_0010/rgb_00048.jpg /living_room_0010/sync_depth_00048.png 518.8579 +/living_room_0063/rgb_00059.jpg /living_room_0063/sync_depth_00059.png 518.8579 +/office_0012/rgb_00032.jpg /office_0012/sync_depth_00032.png 518.8579 +/living_room_0035/rgb_00105.jpg /living_room_0035/sync_depth_00105.png 518.8579 +/living_room_0050/rgb_00127.jpg /living_room_0050/sync_depth_00127.png 518.8579 +/kitchen_0045a/rgb_00151.jpg /kitchen_0045a/sync_depth_00151.png 518.8579 +/dining_room_0033/rgb_00051.jpg /dining_room_0033/sync_depth_00051.png 518.8579 +/dining_room_0031/rgb_00100.jpg /dining_room_0031/sync_depth_00100.png 518.8579 +/bedroom_0016/rgb_00096.jpg /bedroom_0016/sync_depth_00096.png 518.8579 +/living_room_0012/rgb_00075.jpg /living_room_0012/sync_depth_00075.png 518.8579 +/bedroom_0076a/rgb_00130.jpg /bedroom_0076a/sync_depth_00130.png 518.8579 +/office_0021/rgb_00046.jpg /office_0021/sync_depth_00046.png 518.8579 +/dining_room_0024/rgb_00048.jpg /dining_room_0024/sync_depth_00048.png 518.8579 +/bathroom_0028/rgb_00059.jpg /bathroom_0028/sync_depth_00059.png 518.8579 +/playroom_0006/rgb_00059.jpg /playroom_0006/sync_depth_00059.png 518.8579 +/bedroom_0086/rgb_00052.jpg /bedroom_0086/sync_depth_00052.png 518.8579 +/bedroom_0016/rgb_00131.jpg /bedroom_0016/sync_depth_00131.png 518.8579 +/bedroom_0071/rgb_00155.jpg /bedroom_0071/sync_depth_00155.png 518.8579 +/bathroom_0042/rgb_00038.jpg /bathroom_0042/sync_depth_00038.png 518.8579 +/bookstore_0001d/rgb_00020.jpg /bookstore_0001d/sync_depth_00020.png 518.8579 +/bedroom_0031/rgb_00045.jpg /bedroom_0031/sync_depth_00045.png 518.8579 +/bookstore_0001f/rgb_00345.jpg /bookstore_0001f/sync_depth_00345.png 518.8579 +/cafe_0001c/rgb_00000.jpg /cafe_0001c/sync_depth_00000.png 518.8579 +/student_lounge_0001/rgb_00071.jpg /student_lounge_0001/sync_depth_00071.png 518.8579 +/living_room_0038/rgb_00104.jpg /living_room_0038/sync_depth_00104.png 518.8579 +/excercise_room_0001/rgb_00050.jpg /excercise_room_0001/sync_depth_00050.png 518.8579 +/bedroom_0040/rgb_00000.jpg /bedroom_0040/sync_depth_00000.png 518.8579 +/bedroom_0052/rgb_00118.jpg /bedroom_0052/sync_depth_00118.png 518.8579 +/dining_room_0033/rgb_00170.jpg /dining_room_0033/sync_depth_00170.png 518.8579 +/office_0026/rgb_00143.jpg /office_0026/sync_depth_00143.png 518.8579 +/bedroom_0051/rgb_00118.jpg /bedroom_0051/sync_depth_00118.png 518.8579 +/dining_room_0031/rgb_00074.jpg /dining_room_0031/sync_depth_00074.png 518.8579 +/office_0019/rgb_00054.jpg /office_0019/sync_depth_00054.png 518.8579 +/dining_room_0008/rgb_00197.jpg /dining_room_0008/sync_depth_00197.png 518.8579 +/bedroom_0104/rgb_00046.jpg /bedroom_0104/sync_depth_00046.png 518.8579 +/playroom_0003/rgb_00067.jpg /playroom_0003/sync_depth_00067.png 518.8579 +/study_0003/rgb_00074.jpg /study_0003/sync_depth_00074.png 518.8579 +/basement_0001a/rgb_00043.jpg /basement_0001a/sync_depth_00043.png 518.8579 +/bedroom_0020/rgb_00077.jpg /bedroom_0020/sync_depth_00077.png 518.8579 +/study_0003/rgb_00087.jpg /study_0003/sync_depth_00087.png 518.8579 +/bedroom_0069/rgb_00079.jpg /bedroom_0069/sync_depth_00079.png 518.8579 +/furniture_store_0001d/rgb_00104.jpg /furniture_store_0001d/sync_depth_00104.png 518.8579 +/bookstore_0001e/rgb_00139.jpg /bookstore_0001e/sync_depth_00139.png 518.8579 +/dining_room_0028/rgb_00072.jpg /dining_room_0028/sync_depth_00072.png 518.8579 +/dining_room_0031/rgb_00102.jpg /dining_room_0031/sync_depth_00102.png 518.8579 +/living_room_0055/rgb_00127.jpg /living_room_0055/sync_depth_00127.png 518.8579 +/dining_room_0028/rgb_00008.jpg /dining_room_0028/sync_depth_00008.png 518.8579 +/living_room_0020/rgb_00017.jpg /living_room_0020/sync_depth_00017.png 518.8579 +/furniture_store_0002a/rgb_00081.jpg /furniture_store_0002a/sync_depth_00081.png 518.8579 +/living_room_0019/rgb_00178.jpg /living_room_0019/sync_depth_00178.png 518.8579 +/bedroom_0113/rgb_00083.jpg /bedroom_0113/sync_depth_00083.png 518.8579 +/bathroom_0019/rgb_00023.jpg /bathroom_0019/sync_depth_00023.png 518.8579 +/kitchen_0028a/rgb_00064.jpg /kitchen_0028a/sync_depth_00064.png 518.8579 +/kitchen_0035b/rgb_00312.jpg /kitchen_0035b/sync_depth_00312.png 518.8579 +/conference_room_0001/rgb_00137.jpg /conference_room_0001/sync_depth_00137.png 518.8579 +/bedroom_0072/rgb_00121.jpg /bedroom_0072/sync_depth_00121.png 518.8579 +/bookstore_0001d/rgb_00136.jpg /bookstore_0001d/sync_depth_00136.png 518.8579 +/bedroom_0028/rgb_00007.jpg /bedroom_0028/sync_depth_00007.png 518.8579 +/bedroom_0098/rgb_00055.jpg /bedroom_0098/sync_depth_00055.png 518.8579 +/living_room_0070/rgb_00011.jpg /living_room_0070/sync_depth_00011.png 518.8579 +/living_room_0020/rgb_00174.jpg /living_room_0020/sync_depth_00174.png 518.8579 +/study_room_0005b/rgb_00033.jpg /study_room_0005b/sync_depth_00033.png 518.8579 +/bedroom_0098/rgb_00000.jpg /bedroom_0098/sync_depth_00000.png 518.8579 +/bedroom_0019/rgb_00098.jpg /bedroom_0019/sync_depth_00098.png 518.8579 +/living_room_0010/rgb_00135.jpg /living_room_0010/sync_depth_00135.png 518.8579 +/bedroom_0136/rgb_00074.jpg /bedroom_0136/sync_depth_00074.png 518.8579 +/bathroom_0028/rgb_00021.jpg /bathroom_0028/sync_depth_00021.png 518.8579 +/kitchen_0035b/rgb_00115.jpg /kitchen_0035b/sync_depth_00115.png 518.8579 +/kitchen_0045b/rgb_00076.jpg /kitchen_0045b/sync_depth_00076.png 518.8579 +/basement_0001b/rgb_00017.jpg /basement_0001b/sync_depth_00017.png 518.8579 +/kitchen_0043/rgb_00210.jpg /kitchen_0043/sync_depth_00210.png 518.8579 +/student_lounge_0001/rgb_00214.jpg /student_lounge_0001/sync_depth_00214.png 518.8579 +/kitchen_0052/rgb_00139.jpg /kitchen_0052/sync_depth_00139.png 518.8579 +/classroom_0010/rgb_00033.jpg /classroom_0010/sync_depth_00033.png 518.8579 +/living_room_0012/rgb_00011.jpg /living_room_0012/sync_depth_00011.png 518.8579 +/living_room_0004/rgb_00151.jpg /living_room_0004/sync_depth_00151.png 518.8579 +/kitchen_0033/rgb_00183.jpg /kitchen_0033/sync_depth_00183.png 518.8579 +/kitchen_0031/rgb_00007.jpg /kitchen_0031/sync_depth_00007.png 518.8579 +/bedroom_0080/rgb_00017.jpg /bedroom_0080/sync_depth_00017.png 518.8579 +/bedroom_0125a/rgb_00033.jpg /bedroom_0125a/sync_depth_00033.png 518.8579 +/bedroom_0021/rgb_00088.jpg /bedroom_0021/sync_depth_00088.png 518.8579 +/bedroom_0098/rgb_00078.jpg /bedroom_0098/sync_depth_00078.png 518.8579 +/bedroom_0053/rgb_00044.jpg /bedroom_0053/sync_depth_00044.png 518.8579 +/bookstore_0001e/rgb_00010.jpg /bookstore_0001e/sync_depth_00010.png 518.8579 +/classroom_0012/rgb_00036.jpg /classroom_0012/sync_depth_00036.png 518.8579 +/home_office_0006/rgb_00182.jpg /home_office_0006/sync_depth_00182.png 518.8579 +/nyu_office_0/rgb_00192.jpg /nyu_office_0/sync_depth_00192.png 518.8579 +/dining_room_0008/rgb_00070.jpg /dining_room_0008/sync_depth_00070.png 518.8579 +/dining_room_0007/rgb_00191.jpg /dining_room_0007/sync_depth_00191.png 518.8579 +/bookstore_0001f/rgb_00016.jpg /bookstore_0001f/sync_depth_00016.png 518.8579 +/kitchen_0035b/rgb_00120.jpg /kitchen_0035b/sync_depth_00120.png 518.8579 +/living_room_0058/rgb_00061.jpg /living_room_0058/sync_depth_00061.png 518.8579 +/office_0006/rgb_00073.jpg /office_0006/sync_depth_00073.png 518.8579 +/living_room_0039/rgb_00184.jpg /living_room_0039/sync_depth_00184.png 518.8579 +/dining_room_0014/rgb_00021.jpg /dining_room_0014/sync_depth_00021.png 518.8579 +/playroom_0003/rgb_00040.jpg /playroom_0003/sync_depth_00040.png 518.8579 +/furniture_store_0002d/rgb_00010.jpg /furniture_store_0002d/sync_depth_00010.png 518.8579 +/dining_room_0033/rgb_00148.jpg /dining_room_0033/sync_depth_00148.png 518.8579 +/kitchen_0050/rgb_00025.jpg /kitchen_0050/sync_depth_00025.png 518.8579 +/basement_0001b/rgb_00025.jpg /basement_0001b/sync_depth_00025.png 518.8579 +/dining_room_0023/rgb_00058.jpg /dining_room_0023/sync_depth_00058.png 518.8579 +/dining_room_0019/rgb_00110.jpg /dining_room_0019/sync_depth_00110.png 518.8579 +/kitchen_0047/rgb_00034.jpg /kitchen_0047/sync_depth_00034.png 518.8579 +/classroom_0006/rgb_00080.jpg /classroom_0006/sync_depth_00080.png 518.8579 +/kitchen_0003/rgb_00107.jpg /kitchen_0003/sync_depth_00107.png 518.8579 +/bedroom_0140/rgb_00116.jpg /bedroom_0140/sync_depth_00116.png 518.8579 +/bedroom_0050/rgb_00040.jpg /bedroom_0050/sync_depth_00040.png 518.8579 +/bathroom_0033/rgb_00053.jpg /bathroom_0033/sync_depth_00053.png 518.8579 +/living_room_0067/rgb_00055.jpg /living_room_0067/sync_depth_00055.png 518.8579 +/bathroom_0011/rgb_00046.jpg /bathroom_0011/sync_depth_00046.png 518.8579 +/classroom_0003/rgb_00096.jpg /classroom_0003/sync_depth_00096.png 518.8579 +/living_room_0033/rgb_00021.jpg /living_room_0033/sync_depth_00021.png 518.8579 +/bedroom_0033/rgb_00009.jpg /bedroom_0033/sync_depth_00009.png 518.8579 +/kitchen_0051/rgb_00246.jpg /kitchen_0051/sync_depth_00246.png 518.8579 +/bedroom_0072/rgb_00142.jpg /bedroom_0072/sync_depth_00142.png 518.8579 +/living_room_0078/rgb_00061.jpg /living_room_0078/sync_depth_00061.png 518.8579 +/living_room_0035/rgb_00045.jpg /living_room_0035/sync_depth_00045.png 518.8579 +/furniture_store_0002b/rgb_00162.jpg /furniture_store_0002b/sync_depth_00162.png 518.8579 +/living_room_0067/rgb_00043.jpg /living_room_0067/sync_depth_00043.png 518.8579 +/home_office_0004/rgb_00132.jpg /home_office_0004/sync_depth_00132.png 518.8579 +/bedroom_0076a/rgb_00073.jpg /bedroom_0076a/sync_depth_00073.png 518.8579 +/bathroom_0010/rgb_00006.jpg /bathroom_0010/sync_depth_00006.png 518.8579 +/bedroom_0020/rgb_00033.jpg /bedroom_0020/sync_depth_00033.png 518.8579 +/furniture_store_0001c/rgb_00025.jpg /furniture_store_0001c/sync_depth_00025.png 518.8579 +/office_0012/rgb_00026.jpg /office_0012/sync_depth_00026.png 518.8579 +/reception_room_0002/rgb_00129.jpg /reception_room_0002/sync_depth_00129.png 518.8579 +/bedroom_0104/rgb_00051.jpg /bedroom_0104/sync_depth_00051.png 518.8579 +/dining_room_0034/rgb_00180.jpg /dining_room_0034/sync_depth_00180.png 518.8579 +/living_room_0029/rgb_00017.jpg /living_room_0029/sync_depth_00017.png 518.8579 +/classroom_0010/rgb_00013.jpg /classroom_0010/sync_depth_00013.png 518.8579 +/playroom_0003/rgb_00101.jpg /playroom_0003/sync_depth_00101.png 518.8579 +/living_room_0082/rgb_00021.jpg /living_room_0082/sync_depth_00021.png 518.8579 +/bedroom_0074/rgb_00128.jpg /bedroom_0074/sync_depth_00128.png 518.8579 +/kitchen_0006/rgb_00050.jpg /kitchen_0006/sync_depth_00050.png 518.8579 +/bedroom_0014/rgb_00059.jpg /bedroom_0014/sync_depth_00059.png 518.8579 +/kitchen_0045a/rgb_00190.jpg /kitchen_0045a/sync_depth_00190.png 518.8579 +/office_0026/rgb_00071.jpg /office_0026/sync_depth_00071.png 518.8579 +/study_0003/rgb_00070.jpg /study_0003/sync_depth_00070.png 518.8579 +/bedroom_0072/rgb_00182.jpg /bedroom_0072/sync_depth_00182.png 518.8579 +/home_office_0013/rgb_00025.jpg /home_office_0013/sync_depth_00025.png 518.8579 +/bedroom_0096/rgb_00087.jpg /bedroom_0096/sync_depth_00087.png 518.8579 +/bedroom_0071/rgb_00189.jpg /bedroom_0071/sync_depth_00189.png 518.8579 +/living_room_0020/rgb_00162.jpg /living_room_0020/sync_depth_00162.png 518.8579 +/bedroom_0047/rgb_00021.jpg /bedroom_0047/sync_depth_00021.png 518.8579 +/nyu_office_1/rgb_00101.jpg /nyu_office_1/sync_depth_00101.png 518.8579 +/kitchen_0045a/rgb_00013.jpg /kitchen_0045a/sync_depth_00013.png 518.8579 +/kitchen_0049/rgb_00111.jpg /kitchen_0049/sync_depth_00111.png 518.8579 +/printer_room_0001/rgb_00075.jpg /printer_room_0001/sync_depth_00075.png 518.8579 +/bedroom_0056a/rgb_00011.jpg /bedroom_0056a/sync_depth_00011.png 518.8579 +/bookstore_0001e/rgb_00191.jpg /bookstore_0001e/sync_depth_00191.png 518.8579 +/bathroom_0048/rgb_00039.jpg /bathroom_0048/sync_depth_00039.png 518.8579 +/bedroom_0016/rgb_00189.jpg /bedroom_0016/sync_depth_00189.png 518.8579 +/kitchen_0017/rgb_00012.jpg /kitchen_0017/sync_depth_00012.png 518.8579 +/dining_room_0031/rgb_00324.jpg /dining_room_0031/sync_depth_00324.png 518.8579 +/kitchen_0043/rgb_00242.jpg /kitchen_0043/sync_depth_00242.png 518.8579 +/living_room_0029/rgb_00080.jpg /living_room_0029/sync_depth_00080.png 518.8579 +/home_office_0005/rgb_00094.jpg /home_office_0005/sync_depth_00094.png 518.8579 +/bedroom_0051/rgb_00022.jpg /bedroom_0051/sync_depth_00022.png 518.8579 +/bedroom_0136/rgb_00033.jpg /bedroom_0136/sync_depth_00033.png 518.8579 +/classroom_0022/rgb_00102.jpg /classroom_0022/sync_depth_00102.png 518.8579 +/bookstore_0001j/rgb_00146.jpg /bookstore_0001j/sync_depth_00146.png 518.8579 +/dining_room_0015/rgb_00009.jpg /dining_room_0015/sync_depth_00009.png 518.8579 +/kitchen_0033/rgb_00077.jpg /kitchen_0033/sync_depth_00077.png 518.8579 +/dining_room_0028/rgb_00018.jpg /dining_room_0028/sync_depth_00018.png 518.8579 +/living_room_0038/rgb_00069.jpg /living_room_0038/sync_depth_00069.png 518.8579 +/classroom_0006/rgb_00059.jpg /classroom_0006/sync_depth_00059.png 518.8579 +/bedroom_0072/rgb_00175.jpg /bedroom_0072/sync_depth_00175.png 518.8579 +/nyu_office_1/rgb_00046.jpg /nyu_office_1/sync_depth_00046.png 518.8579 +/living_room_0050/rgb_00129.jpg /living_room_0050/sync_depth_00129.png 518.8579 +/bedroom_0080/rgb_00016.jpg /bedroom_0080/sync_depth_00016.png 518.8579 +/bathroom_0053/rgb_00036.jpg /bathroom_0053/sync_depth_00036.png 518.8579 +/living_room_0047b/rgb_00126.jpg /living_room_0047b/sync_depth_00126.png 518.8579 +/bedroom_0012/rgb_00067.jpg /bedroom_0012/sync_depth_00067.png 518.8579 +/indoor_balcony_0001/rgb_00011.jpg /indoor_balcony_0001/sync_depth_00011.png 518.8579 +/furniture_store_0001d/rgb_00174.jpg /furniture_store_0001d/sync_depth_00174.png 518.8579 +/bookstore_0001f/rgb_00329.jpg /bookstore_0001f/sync_depth_00329.png 518.8579 +/kitchen_0003/rgb_00003.jpg /kitchen_0003/sync_depth_00003.png 518.8579 +/furniture_store_0001a/rgb_00022.jpg /furniture_store_0001a/sync_depth_00022.png 518.8579 +/kitchen_0003/rgb_00116.jpg /kitchen_0003/sync_depth_00116.png 518.8579 +/bedroom_0136/rgb_00139.jpg /bedroom_0136/sync_depth_00139.png 518.8579 +/dining_room_0023/rgb_00038.jpg /dining_room_0023/sync_depth_00038.png 518.8579 +/bedroom_0078/rgb_00062.jpg /bedroom_0078/sync_depth_00062.png 518.8579 +/bathroom_0016/rgb_00034.jpg /bathroom_0016/sync_depth_00034.png 518.8579 +/kitchen_0041/rgb_00007.jpg /kitchen_0041/sync_depth_00007.png 518.8579 +/living_room_0047b/rgb_00147.jpg /living_room_0047b/sync_depth_00147.png 518.8579 +/living_room_0050/rgb_00279.jpg /living_room_0050/sync_depth_00279.png 518.8579 +/bedroom_0136/rgb_00163.jpg /bedroom_0136/sync_depth_00163.png 518.8579 +/living_room_0022/rgb_00119.jpg /living_room_0022/sync_depth_00119.png 518.8579 +/office_0012/rgb_00049.jpg /office_0012/sync_depth_00049.png 518.8579 +/living_room_0042b/rgb_00015.jpg /living_room_0042b/sync_depth_00015.png 518.8579 +/office_0024/rgb_00118.jpg /office_0024/sync_depth_00118.png 518.8579 +/living_room_0071/rgb_00030.jpg /living_room_0071/sync_depth_00030.png 518.8579 +/dining_room_0001b/rgb_00079.jpg /dining_room_0001b/sync_depth_00079.png 518.8579 +/bedroom_0113/rgb_00017.jpg /bedroom_0113/sync_depth_00017.png 518.8579 +/living_room_0042b/rgb_00098.jpg /living_room_0042b/sync_depth_00098.png 518.8579 +/bookstore_0001j/rgb_00032.jpg /bookstore_0001j/sync_depth_00032.png 518.8579 +/bedroom_0138/rgb_00101.jpg /bedroom_0138/sync_depth_00101.png 518.8579 +/dining_room_0031/rgb_00339.jpg /dining_room_0031/sync_depth_00339.png 518.8579 +/bookstore_0001i/rgb_00111.jpg /bookstore_0001i/sync_depth_00111.png 518.8579 +/kitchen_0008/rgb_00016.jpg /kitchen_0008/sync_depth_00016.png 518.8579 +/home_office_0008/rgb_00150.jpg /home_office_0008/sync_depth_00150.png 518.8579 +/bathroom_0039/rgb_00012.jpg /bathroom_0039/sync_depth_00012.png 518.8579 +/kitchen_0035b/rgb_00283.jpg /kitchen_0035b/sync_depth_00283.png 518.8579 +/kitchen_0029c/rgb_00095.jpg /kitchen_0029c/sync_depth_00095.png 518.8579 +/living_room_0067/rgb_00027.jpg /living_room_0067/sync_depth_00027.png 518.8579 +/bookstore_0001j/rgb_00098.jpg /bookstore_0001j/sync_depth_00098.png 518.8579 +/home_office_0004/rgb_00174.jpg /home_office_0004/sync_depth_00174.png 518.8579 +/classroom_0012/rgb_00013.jpg /classroom_0012/sync_depth_00013.png 518.8579 +/home_office_0008/rgb_00163.jpg /home_office_0008/sync_depth_00163.png 518.8579 +/living_room_0012/rgb_00106.jpg /living_room_0012/sync_depth_00106.png 518.8579 +/kitchen_0051/rgb_00320.jpg /kitchen_0051/sync_depth_00320.png 518.8579 +/home_office_0008/rgb_00122.jpg /home_office_0008/sync_depth_00122.png 518.8579 +/bedroom_0125b/rgb_00053.jpg /bedroom_0125b/sync_depth_00053.png 518.8579 +/kitchen_0050/rgb_00160.jpg /kitchen_0050/sync_depth_00160.png 518.8579 +/living_room_0005/rgb_00042.jpg /living_room_0005/sync_depth_00042.png 518.8579 +/classroom_0006/rgb_00051.jpg /classroom_0006/sync_depth_00051.png 518.8579 +/kitchen_0019a/rgb_00283.jpg /kitchen_0019a/sync_depth_00283.png 518.8579 +/bedroom_0090/rgb_00018.jpg /bedroom_0090/sync_depth_00018.png 518.8579 +/kitchen_0019a/rgb_00019.jpg /kitchen_0019a/sync_depth_00019.png 518.8579 +/classroom_0006/rgb_00167.jpg /classroom_0006/sync_depth_00167.png 518.8579 +/playroom_0006/rgb_00121.jpg /playroom_0006/sync_depth_00121.png 518.8579 +/living_room_0022/rgb_00356.jpg /living_room_0022/sync_depth_00356.png 518.8579 +/bedroom_0126/rgb_00049.jpg /bedroom_0126/sync_depth_00049.png 518.8579 +/dining_room_0013/rgb_00090.jpg /dining_room_0013/sync_depth_00090.png 518.8579 +/living_room_0078/rgb_00112.jpg /living_room_0078/sync_depth_00112.png 518.8579 +/bedroom_0136/rgb_00014.jpg /bedroom_0136/sync_depth_00014.png 518.8579 +/bathroom_0028/rgb_00123.jpg /bathroom_0028/sync_depth_00123.png 518.8579 +/basement_0001b/rgb_00006.jpg /basement_0001b/sync_depth_00006.png 518.8579 +/living_room_0022/rgb_00249.jpg /living_room_0022/sync_depth_00249.png 518.8579 +/bedroom_0041/rgb_00034.jpg /bedroom_0041/sync_depth_00034.png 518.8579 +/bathroom_0045a/rgb_00022.jpg /bathroom_0045a/sync_depth_00022.png 518.8579 +/dining_room_0037/rgb_00041.jpg /dining_room_0037/sync_depth_00041.png 518.8579 +/furniture_store_0002a/rgb_00241.jpg /furniture_store_0002a/sync_depth_00241.png 518.8579 +/reception_room_0001a/rgb_00112.jpg /reception_room_0001a/sync_depth_00112.png 518.8579 +/office_0011/rgb_00096.jpg /office_0011/sync_depth_00096.png 518.8579 +/bookstore_0001g/rgb_00272.jpg /bookstore_0001g/sync_depth_00272.png 518.8579 +/bedroom_0140/rgb_00050.jpg /bedroom_0140/sync_depth_00050.png 518.8579 +/dining_room_0010/rgb_00015.jpg /dining_room_0010/sync_depth_00015.png 518.8579 +/bedroom_0063/rgb_00136.jpg /bedroom_0063/sync_depth_00136.png 518.8579 +/basement_0001b/rgb_00028.jpg /basement_0001b/sync_depth_00028.png 518.8579 +/bathroom_0049/rgb_00046.jpg /bathroom_0049/sync_depth_00046.png 518.8579 +/office_0003/rgb_00068.jpg /office_0003/sync_depth_00068.png 518.8579 +/living_room_0018/rgb_00158.jpg /living_room_0018/sync_depth_00158.png 518.8579 +/bedroom_0020/rgb_00001.jpg /bedroom_0020/sync_depth_00001.png 518.8579 +/bedroom_0016/rgb_00045.jpg /bedroom_0016/sync_depth_00045.png 518.8579 +/kitchen_0050/rgb_00103.jpg /kitchen_0050/sync_depth_00103.png 518.8579 +/office_0003/rgb_00000.jpg /office_0003/sync_depth_00000.png 518.8579 +/kitchen_0006/rgb_00029.jpg /kitchen_0006/sync_depth_00029.png 518.8579 +/living_room_0004/rgb_00093.jpg /living_room_0004/sync_depth_00093.png 518.8579 +/bedroom_0125b/rgb_00075.jpg /bedroom_0125b/sync_depth_00075.png 518.8579 +/bedroom_0090/rgb_00015.jpg /bedroom_0090/sync_depth_00015.png 518.8579 +/kitchen_0028a/rgb_00184.jpg /kitchen_0028a/sync_depth_00184.png 518.8579 +/office_0026/rgb_00049.jpg /office_0026/sync_depth_00049.png 518.8579 +/bathroom_0005/rgb_00040.jpg /bathroom_0005/sync_depth_00040.png 518.8579 +/playroom_0003/rgb_00032.jpg /playroom_0003/sync_depth_00032.png 518.8579 +/dining_room_0034/rgb_00089.jpg /dining_room_0034/sync_depth_00089.png 518.8579 +/home_office_0006/rgb_00155.jpg /home_office_0006/sync_depth_00155.png 518.8579 +/living_room_0068/rgb_00027.jpg /living_room_0068/sync_depth_00027.png 518.8579 +/bathroom_0042/rgb_00036.jpg /bathroom_0042/sync_depth_00036.png 518.8579 +/bedroom_0118/rgb_00006.jpg /bedroom_0118/sync_depth_00006.png 518.8579 +/kitchen_0035b/rgb_00102.jpg /kitchen_0035b/sync_depth_00102.png 518.8579 +/kitchen_0037/rgb_00100.jpg /kitchen_0037/sync_depth_00100.png 518.8579 +/kitchen_0035b/rgb_00328.jpg /kitchen_0035b/sync_depth_00328.png 518.8579 +/office_kitchen_0001b/rgb_00047.jpg /office_kitchen_0001b/sync_depth_00047.png 518.8579 +/dining_room_0033/rgb_00191.jpg /dining_room_0033/sync_depth_00191.png 518.8579 +/nyu_office_0/rgb_00398.jpg /nyu_office_0/sync_depth_00398.png 518.8579 +/living_room_0029/rgb_00099.jpg /living_room_0029/sync_depth_00099.png 518.8579 +/bedroom_0072/rgb_00075.jpg /bedroom_0072/sync_depth_00075.png 518.8579 +/conference_room_0001/rgb_00142.jpg /conference_room_0001/sync_depth_00142.png 518.8579 +/kitchen_0029c/rgb_00075.jpg /kitchen_0029c/sync_depth_00075.png 518.8579 +/dining_room_0012/rgb_00221.jpg /dining_room_0012/sync_depth_00221.png 518.8579 +/dining_room_0015/rgb_00007.jpg /dining_room_0015/sync_depth_00007.png 518.8579 +/student_lounge_0001/rgb_00011.jpg /student_lounge_0001/sync_depth_00011.png 518.8579 +/living_room_0005/rgb_00146.jpg /living_room_0005/sync_depth_00146.png 518.8579 +/bedroom_0056a/rgb_00060.jpg /bedroom_0056a/sync_depth_00060.png 518.8579 +/living_room_0058/rgb_00094.jpg /living_room_0058/sync_depth_00094.png 518.8579 +/bathroom_0049/rgb_00054.jpg /bathroom_0049/sync_depth_00054.png 518.8579 +/living_room_0022/rgb_00231.jpg /living_room_0022/sync_depth_00231.png 518.8579 +/living_room_0019/rgb_00012.jpg /living_room_0019/sync_depth_00012.png 518.8579 +/bathroom_0049/rgb_00032.jpg /bathroom_0049/sync_depth_00032.png 518.8579 +/office_0004/rgb_00096.jpg /office_0004/sync_depth_00096.png 518.8579 +/dining_room_0015/rgb_00189.jpg /dining_room_0015/sync_depth_00189.png 518.8579 +/bedroom_0052/rgb_00038.jpg /bedroom_0052/sync_depth_00038.png 518.8579 +/study_0003/rgb_00045.jpg /study_0003/sync_depth_00045.png 518.8579 +/bedroom_0028/rgb_00020.jpg /bedroom_0028/sync_depth_00020.png 518.8579 +/reception_room_0002/rgb_00133.jpg /reception_room_0002/sync_depth_00133.png 518.8579 +/bedroom_0014/rgb_00042.jpg /bedroom_0014/sync_depth_00042.png 518.8579 +/living_room_0050/rgb_00165.jpg /living_room_0050/sync_depth_00165.png 518.8579 +/bedroom_0078/rgb_00008.jpg /bedroom_0078/sync_depth_00008.png 518.8579 +/office_0018/rgb_00009.jpg /office_0018/sync_depth_00009.png 518.8579 +/computer_lab_0002/rgb_00029.jpg /computer_lab_0002/sync_depth_00029.png 518.8579 +/bedroom_0052/rgb_00147.jpg /bedroom_0052/sync_depth_00147.png 518.8579 +/kitchen_0059/rgb_00086.jpg /kitchen_0059/sync_depth_00086.png 518.8579 +/bedroom_0129/rgb_00064.jpg /bedroom_0129/sync_depth_00064.png 518.8579 +/kitchen_0035b/rgb_00101.jpg /kitchen_0035b/sync_depth_00101.png 518.8579 +/living_room_0046a/rgb_00039.jpg /living_room_0046a/sync_depth_00039.png 518.8579 +/furniture_store_0002a/rgb_00025.jpg /furniture_store_0002a/sync_depth_00025.png 518.8579 +/dining_room_0019/rgb_00144.jpg /dining_room_0019/sync_depth_00144.png 518.8579 +/living_room_0039/rgb_00092.jpg /living_room_0039/sync_depth_00092.png 518.8579 +/office_0026/rgb_00150.jpg /office_0026/sync_depth_00150.png 518.8579 +/kitchen_0052/rgb_00107.jpg /kitchen_0052/sync_depth_00107.png 518.8579 +/office_0021/rgb_00073.jpg /office_0021/sync_depth_00073.png 518.8579 +/living_room_0019/rgb_00035.jpg /living_room_0019/sync_depth_00035.png 518.8579 +/bedroom_0136/rgb_00097.jpg /bedroom_0136/sync_depth_00097.png 518.8579 +/kitchen_0029b/rgb_00013.jpg /kitchen_0029b/sync_depth_00013.png 518.8579 +/kitchen_0043/rgb_00003.jpg /kitchen_0043/sync_depth_00003.png 518.8579 +/kitchen_0048/rgb_00083.jpg /kitchen_0048/sync_depth_00083.png 518.8579 +/bathroom_0041/rgb_00054.jpg /bathroom_0041/sync_depth_00054.png 518.8579 +/study_room_0005b/rgb_00093.jpg /study_room_0005b/sync_depth_00093.png 518.8579 +/dining_room_0016/rgb_00109.jpg /dining_room_0016/sync_depth_00109.png 518.8579 +/student_lounge_0001/rgb_00259.jpg /student_lounge_0001/sync_depth_00259.png 518.8579 +/bathroom_0055/rgb_00000.jpg /bathroom_0055/sync_depth_00000.png 518.8579 +/office_0021/rgb_00011.jpg /office_0021/sync_depth_00011.png 518.8579 +/conference_room_0002/rgb_00049.jpg /conference_room_0002/sync_depth_00049.png 518.8579 +/bedroom_0100/rgb_00058.jpg /bedroom_0100/sync_depth_00058.png 518.8579 +/bedroom_0057/rgb_00030.jpg /bedroom_0057/sync_depth_00030.png 518.8579 +/living_room_0011/rgb_00078.jpg /living_room_0011/sync_depth_00078.png 518.8579 +/kitchen_0031/rgb_00043.jpg /kitchen_0031/sync_depth_00043.png 518.8579 +/bedroom_0012/rgb_00031.jpg /bedroom_0012/sync_depth_00031.png 518.8579 +/kitchen_0029a/rgb_00013.jpg /kitchen_0029a/sync_depth_00013.png 518.8579 +/bedroom_0034/rgb_00046.jpg /bedroom_0034/sync_depth_00046.png 518.8579 +/kitchen_0029c/rgb_00117.jpg /kitchen_0029c/sync_depth_00117.png 518.8579 +/living_room_0078/rgb_00021.jpg /living_room_0078/sync_depth_00021.png 518.8579 +/living_room_0032/rgb_00016.jpg /living_room_0032/sync_depth_00016.png 518.8579 +/bedroom_0059/rgb_00057.jpg /bedroom_0059/sync_depth_00057.png 518.8579 +/office_0006/rgb_00094.jpg /office_0006/sync_depth_00094.png 518.8579 +/kitchen_0028a/rgb_00194.jpg /kitchen_0028a/sync_depth_00194.png 518.8579 +/living_room_0005/rgb_00128.jpg /living_room_0005/sync_depth_00128.png 518.8579 +/office_0006/rgb_00089.jpg /office_0006/sync_depth_00089.png 518.8579 +/living_room_0062/rgb_00005.jpg /living_room_0062/sync_depth_00005.png 518.8579 +/student_lounge_0001/rgb_00252.jpg /student_lounge_0001/sync_depth_00252.png 518.8579 +/bedroom_0026/rgb_00032.jpg /bedroom_0026/sync_depth_00032.png 518.8579 +/bathroom_0053/rgb_00005.jpg /bathroom_0053/sync_depth_00005.png 518.8579 +/bedroom_0033/rgb_00144.jpg /bedroom_0033/sync_depth_00144.png 518.8579 +/bedroom_0029/rgb_00064.jpg /bedroom_0029/sync_depth_00064.png 518.8579 +/bookstore_0001g/rgb_00130.jpg /bookstore_0001g/sync_depth_00130.png 518.8579 +/bathroom_0014a/rgb_00012.jpg /bathroom_0014a/sync_depth_00012.png 518.8579 +/bedroom_0067a/rgb_00045.jpg /bedroom_0067a/sync_depth_00045.png 518.8579 +/dining_room_0004/rgb_00117.jpg /dining_room_0004/sync_depth_00117.png 518.8579 +/kitchen_0003/rgb_00110.jpg /kitchen_0003/sync_depth_00110.png 518.8579 +/bedroom_0096/rgb_00078.jpg /bedroom_0096/sync_depth_00078.png 518.8579 +/dining_room_0037/rgb_00176.jpg /dining_room_0037/sync_depth_00176.png 518.8579 +/living_room_0019/rgb_00145.jpg /living_room_0019/sync_depth_00145.png 518.8579 +/bookstore_0001i/rgb_00150.jpg /bookstore_0001i/sync_depth_00150.png 518.8579 +/bathroom_0057/rgb_00020.jpg /bathroom_0057/sync_depth_00020.png 518.8579 +/bathroom_0056/rgb_00003.jpg /bathroom_0056/sync_depth_00003.png 518.8579 +/kitchen_0017/rgb_00068.jpg /kitchen_0017/sync_depth_00068.png 518.8579 +/living_room_0020/rgb_00090.jpg /living_room_0020/sync_depth_00090.png 518.8579 +/home_office_0013/rgb_00062.jpg /home_office_0013/sync_depth_00062.png 518.8579 +/office_0011/rgb_00043.jpg /office_0011/sync_depth_00043.png 518.8579 +/dining_room_0015/rgb_00034.jpg /dining_room_0015/sync_depth_00034.png 518.8579 +/bedroom_0051/rgb_00086.jpg /bedroom_0051/sync_depth_00086.png 518.8579 +/furniture_store_0002b/rgb_00165.jpg /furniture_store_0002b/sync_depth_00165.png 518.8579 +/bathroom_0019/rgb_00075.jpg /bathroom_0019/sync_depth_00075.png 518.8579 +/basement_0001a/rgb_00180.jpg /basement_0001a/sync_depth_00180.png 518.8579 +/bathroom_0024/rgb_00053.jpg /bathroom_0024/sync_depth_00053.png 518.8579 +/bathroom_0028/rgb_00008.jpg /bathroom_0028/sync_depth_00008.png 518.8579 +/dining_room_0037/rgb_00110.jpg /dining_room_0037/sync_depth_00110.png 518.8579 +/living_room_0058/rgb_00176.jpg /living_room_0058/sync_depth_00176.png 518.8579 +/office_0011/rgb_00163.jpg /office_0011/sync_depth_00163.png 518.8579 +/dining_room_0013/rgb_00020.jpg /dining_room_0013/sync_depth_00020.png 518.8579 +/kitchen_0003/rgb_00102.jpg /kitchen_0003/sync_depth_00102.png 518.8579 +/bedroom_0026/rgb_00038.jpg /bedroom_0026/sync_depth_00038.png 518.8579 +/bathroom_0011/rgb_00010.jpg /bathroom_0011/sync_depth_00010.png 518.8579 +/dining_room_0029/rgb_00038.jpg /dining_room_0029/sync_depth_00038.png 518.8579 +/bedroom_0059/rgb_00089.jpg /bedroom_0059/sync_depth_00089.png 518.8579 +/bedroom_0017/rgb_00156.jpg /bedroom_0017/sync_depth_00156.png 518.8579 +/bathroom_0001/rgb_00007.jpg /bathroom_0001/sync_depth_00007.png 518.8579 +/bedroom_0106/rgb_00041.jpg /bedroom_0106/sync_depth_00041.png 518.8579 +/office_kitchen_0001b/rgb_00063.jpg /office_kitchen_0001b/sync_depth_00063.png 518.8579 +/bedroom_0020/rgb_00038.jpg /bedroom_0020/sync_depth_00038.png 518.8579 +/office_kitchen_0003/rgb_00124.jpg /office_kitchen_0003/sync_depth_00124.png 518.8579 +/dining_room_0012/rgb_00217.jpg /dining_room_0012/sync_depth_00217.png 518.8579 +/bedroom_0050/rgb_00007.jpg /bedroom_0050/sync_depth_00007.png 518.8579 +/study_room_0004/rgb_00161.jpg /study_room_0004/sync_depth_00161.png 518.8579 +/dining_room_0007/rgb_00102.jpg /dining_room_0007/sync_depth_00102.png 518.8579 +/kitchen_0060/rgb_00065.jpg /kitchen_0060/sync_depth_00065.png 518.8579 +/nyu_office_0/rgb_00063.jpg /nyu_office_0/sync_depth_00063.png 518.8579 +/kitchen_0047/rgb_00052.jpg /kitchen_0047/sync_depth_00052.png 518.8579 +/living_room_0022/rgb_00180.jpg /living_room_0022/sync_depth_00180.png 518.8579 +/bedroom_0051/rgb_00189.jpg /bedroom_0051/sync_depth_00189.png 518.8579 +/bedroom_0017/rgb_00040.jpg /bedroom_0017/sync_depth_00040.png 518.8579 +/home_office_0005/rgb_00022.jpg /home_office_0005/sync_depth_00022.png 518.8579 +/dining_room_0012/rgb_00167.jpg /dining_room_0012/sync_depth_00167.png 518.8579 +/dining_room_0007/rgb_00234.jpg /dining_room_0007/sync_depth_00234.png 518.8579 +/office_0018/rgb_00006.jpg /office_0018/sync_depth_00006.png 518.8579 +/dining_room_0024/rgb_00104.jpg /dining_room_0024/sync_depth_00104.png 518.8579 +/bedroom_0125b/rgb_00063.jpg /bedroom_0125b/sync_depth_00063.png 518.8579 +/home_storage_0001/rgb_00150.jpg /home_storage_0001/sync_depth_00150.png 518.8579 +/living_room_0029/rgb_00055.jpg /living_room_0029/sync_depth_00055.png 518.8579 +/dining_room_0013/rgb_00009.jpg /dining_room_0013/sync_depth_00009.png 518.8579 +/dining_room_0015/rgb_00199.jpg /dining_room_0015/sync_depth_00199.png 518.8579 +/bathroom_0049/rgb_00018.jpg /bathroom_0049/sync_depth_00018.png 518.8579 +/office_0025/rgb_00013.jpg /office_0025/sync_depth_00013.png 518.8579 +/bedroom_0071/rgb_00122.jpg /bedroom_0071/sync_depth_00122.png 518.8579 +/bedroom_0019/rgb_00069.jpg /bedroom_0019/sync_depth_00069.png 518.8579 +/bedroom_0025/rgb_00042.jpg /bedroom_0025/sync_depth_00042.png 518.8579 +/living_room_0029/rgb_00039.jpg /living_room_0029/sync_depth_00039.png 518.8579 +/dining_room_0019/rgb_00036.jpg /dining_room_0019/sync_depth_00036.png 518.8579 +/bookstore_0001i/rgb_00130.jpg /bookstore_0001i/sync_depth_00130.png 518.8579 +/living_room_0069b/rgb_00067.jpg /living_room_0069b/sync_depth_00067.png 518.8579 +/kitchen_0060/rgb_00002.jpg /kitchen_0060/sync_depth_00002.png 518.8579 +/office_0012/rgb_00055.jpg /office_0012/sync_depth_00055.png 518.8579 +/playroom_0003/rgb_00075.jpg /playroom_0003/sync_depth_00075.png 518.8579 +/dining_room_0034/rgb_00143.jpg /dining_room_0034/sync_depth_00143.png 518.8579 +/living_room_0039/rgb_00010.jpg /living_room_0039/sync_depth_00010.png 518.8579 +/bathroom_0010/rgb_00010.jpg /bathroom_0010/sync_depth_00010.png 518.8579 +/kitchen_0051/rgb_00337.jpg /kitchen_0051/sync_depth_00337.png 518.8579 +/living_room_0035/rgb_00035.jpg /living_room_0035/sync_depth_00035.png 518.8579 +/study_0004/rgb_00046.jpg /study_0004/sync_depth_00046.png 518.8579 +/bookstore_0001d/rgb_00113.jpg /bookstore_0001d/sync_depth_00113.png 518.8579 +/dining_room_0007/rgb_00025.jpg /dining_room_0007/sync_depth_00025.png 518.8579 +/bedroom_0017/rgb_00124.jpg /bedroom_0017/sync_depth_00124.png 518.8579 +/bedroom_0125b/rgb_00088.jpg /bedroom_0125b/sync_depth_00088.png 518.8579 +/living_room_0018/rgb_00012.jpg /living_room_0018/sync_depth_00012.png 518.8579 +/living_room_0046b/rgb_00115.jpg /living_room_0046b/sync_depth_00115.png 518.8579 +/kitchen_0060/rgb_00074.jpg /kitchen_0060/sync_depth_00074.png 518.8579 +/playroom_0004/rgb_00001.jpg /playroom_0004/sync_depth_00001.png 518.8579 +/bathroom_0033/rgb_00054.jpg /bathroom_0033/sync_depth_00054.png 518.8579 +/bedroom_0017/rgb_00117.jpg /bedroom_0017/sync_depth_00117.png 518.8579 +/home_office_0006/rgb_00146.jpg /home_office_0006/sync_depth_00146.png 518.8579 +/bedroom_0116/rgb_00004.jpg /bedroom_0116/sync_depth_00004.png 518.8579 +/furniture_store_0001d/rgb_00150.jpg /furniture_store_0001d/sync_depth_00150.png 518.8579 +/living_room_0047b/rgb_00157.jpg /living_room_0047b/sync_depth_00157.png 518.8579 +/kitchen_0035b/rgb_00014.jpg /kitchen_0035b/sync_depth_00014.png 518.8579 +/kitchen_0048/rgb_00193.jpg /kitchen_0048/sync_depth_00193.png 518.8579 +/bathroom_0005/rgb_00011.jpg /bathroom_0005/sync_depth_00011.png 518.8579 +/basement_0001a/rgb_00167.jpg /basement_0001a/sync_depth_00167.png 518.8579 +/living_room_0082/rgb_00022.jpg /living_room_0082/sync_depth_00022.png 518.8579 +/living_room_0035/rgb_00094.jpg /living_room_0035/sync_depth_00094.png 518.8579 +/nyu_office_1/rgb_00008.jpg /nyu_office_1/sync_depth_00008.png 518.8579 +/basement_0001a/rgb_00105.jpg /basement_0001a/sync_depth_00105.png 518.8579 +/dining_room_0019/rgb_00139.jpg /dining_room_0019/sync_depth_00139.png 518.8579 +/kitchen_0028a/rgb_00177.jpg /kitchen_0028a/sync_depth_00177.png 518.8579 +/classroom_0005/rgb_00024.jpg /classroom_0005/sync_depth_00024.png 518.8579 +/bathroom_0028/rgb_00176.jpg /bathroom_0028/sync_depth_00176.png 518.8579 +/bedroom_0106/rgb_00115.jpg /bedroom_0106/sync_depth_00115.png 518.8579 +/bedroom_0031/rgb_00018.jpg /bedroom_0031/sync_depth_00018.png 518.8579 +/bathroom_0056/rgb_00008.jpg /bathroom_0056/sync_depth_00008.png 518.8579 +/furniture_store_0002a/rgb_00038.jpg /furniture_store_0002a/sync_depth_00038.png 518.8579 +/bedroom_0080/rgb_00057.jpg /bedroom_0080/sync_depth_00057.png 518.8579 +/living_room_0010/rgb_00046.jpg /living_room_0010/sync_depth_00046.png 518.8579 +/nyu_office_0/rgb_00111.jpg /nyu_office_0/sync_depth_00111.png 518.8579 +/furniture_store_0002b/rgb_00256.jpg /furniture_store_0002b/sync_depth_00256.png 518.8579 +/office_0012/rgb_00023.jpg /office_0012/sync_depth_00023.png 518.8579 +/dining_room_0016/rgb_00148.jpg /dining_room_0016/sync_depth_00148.png 518.8579 +/living_room_0047a/rgb_00048.jpg /living_room_0047a/sync_depth_00048.png 518.8579 +/bedroom_0015/rgb_00046.jpg /bedroom_0015/sync_depth_00046.png 518.8579 +/dining_room_0001b/rgb_00186.jpg /dining_room_0001b/sync_depth_00186.png 518.8579 +/bookstore_0001f/rgb_00431.jpg /bookstore_0001f/sync_depth_00431.png 518.8579 +/kitchen_0019a/rgb_00253.jpg /kitchen_0019a/sync_depth_00253.png 518.8579 +/dining_room_0004/rgb_00116.jpg /dining_room_0004/sync_depth_00116.png 518.8579 +/bathroom_0014a/rgb_00061.jpg /bathroom_0014a/sync_depth_00061.png 518.8579 +/living_room_0020/rgb_00083.jpg /living_room_0020/sync_depth_00083.png 518.8579 +/bedroom_0069/rgb_00026.jpg /bedroom_0069/sync_depth_00026.png 518.8579 +/furniture_store_0001a/rgb_00041.jpg /furniture_store_0001a/sync_depth_00041.png 518.8579 +/reception_room_0004/rgb_00058.jpg /reception_room_0004/sync_depth_00058.png 518.8579 +/bedroom_0034/rgb_00128.jpg /bedroom_0034/sync_depth_00128.png 518.8579 +/dining_room_0016/rgb_00026.jpg /dining_room_0016/sync_depth_00026.png 518.8579 +/home_office_0011/rgb_00023.jpg /home_office_0011/sync_depth_00023.png 518.8579 +/bedroom_0019/rgb_00013.jpg /bedroom_0019/sync_depth_00013.png 518.8579 +/kitchen_0019a/rgb_00160.jpg /kitchen_0019a/sync_depth_00160.png 518.8579 +/bedroom_0062/rgb_00153.jpg /bedroom_0062/sync_depth_00153.png 518.8579 +/furniture_store_0001d/rgb_00193.jpg /furniture_store_0001d/sync_depth_00193.png 518.8579 +/bedroom_0019/rgb_00158.jpg /bedroom_0019/sync_depth_00158.png 518.8579 +/kitchen_0035b/rgb_00124.jpg /kitchen_0035b/sync_depth_00124.png 518.8579 +/living_room_0058/rgb_00104.jpg /living_room_0058/sync_depth_00104.png 518.8579 +/living_room_0067/rgb_00030.jpg /living_room_0067/sync_depth_00030.png 518.8579 +/living_room_0070/rgb_00073.jpg /living_room_0070/sync_depth_00073.png 518.8579 +/bedroom_0052/rgb_00193.jpg /bedroom_0052/sync_depth_00193.png 518.8579 +/basement_0001b/rgb_00023.jpg /basement_0001b/sync_depth_00023.png 518.8579 +/bedroom_0136/rgb_00054.jpg /bedroom_0136/sync_depth_00054.png 518.8579 +/bedroom_0125b/rgb_00079.jpg /bedroom_0125b/sync_depth_00079.png 518.8579 +/bookstore_0001h/rgb_00102.jpg /bookstore_0001h/sync_depth_00102.png 518.8579 +/reception_room_0001b/rgb_00041.jpg /reception_room_0001b/sync_depth_00041.png 518.8579 +/kitchen_0028a/rgb_00086.jpg /kitchen_0028a/sync_depth_00086.png 518.8579 +/bedroom_0138/rgb_00045.jpg /bedroom_0138/sync_depth_00045.png 518.8579 +/bathroom_0030/rgb_00047.jpg /bathroom_0030/sync_depth_00047.png 518.8579 +/bathroom_0034/rgb_00051.jpg /bathroom_0034/sync_depth_00051.png 518.8579 +/living_room_0062/rgb_00129.jpg /living_room_0062/sync_depth_00129.png 518.8579 +/kitchen_0048/rgb_00170.jpg /kitchen_0048/sync_depth_00170.png 518.8579 +/bedroom_0078/rgb_00085.jpg /bedroom_0078/sync_depth_00085.png 518.8579 +/dining_room_0031/rgb_00323.jpg /dining_room_0031/sync_depth_00323.png 518.8579 +/bedroom_0034/rgb_00117.jpg /bedroom_0034/sync_depth_00117.png 518.8579 +/kitchen_0047/rgb_00151.jpg /kitchen_0047/sync_depth_00151.png 518.8579 +/living_room_0037/rgb_00041.jpg /living_room_0037/sync_depth_00041.png 518.8579 +/home_office_0004/rgb_00046.jpg /home_office_0004/sync_depth_00046.png 518.8579 +/playroom_0002/rgb_00117.jpg /playroom_0002/sync_depth_00117.png 518.8579 +/home_office_0008/rgb_00169.jpg /home_office_0008/sync_depth_00169.png 518.8579 +/kitchen_0011a/rgb_00056.jpg /kitchen_0011a/sync_depth_00056.png 518.8579 +/living_room_0068/rgb_00033.jpg /living_room_0068/sync_depth_00033.png 518.8579 +/living_room_0040/rgb_00202.jpg /living_room_0040/sync_depth_00202.png 518.8579 +/dining_room_0015/rgb_00042.jpg /dining_room_0015/sync_depth_00042.png 518.8579 +/dining_room_0015/rgb_00188.jpg /dining_room_0015/sync_depth_00188.png 518.8579 +/kitchen_0029c/rgb_00096.jpg /kitchen_0029c/sync_depth_00096.png 518.8579 +/bathroom_0049/rgb_00000.jpg /bathroom_0049/sync_depth_00000.png 518.8579 +/living_room_0039/rgb_00192.jpg /living_room_0039/sync_depth_00192.png 518.8579 +/classroom_0012/rgb_00027.jpg /classroom_0012/sync_depth_00027.png 518.8579 +/classroom_0022/rgb_00060.jpg /classroom_0022/sync_depth_00060.png 518.8579 +/bedroom_0015/rgb_00084.jpg /bedroom_0015/sync_depth_00084.png 518.8579 +/bedroom_0104/rgb_00118.jpg /bedroom_0104/sync_depth_00118.png 518.8579 +/bedroom_0097/rgb_00010.jpg /bedroom_0097/sync_depth_00010.png 518.8579 +/bedroom_0062/rgb_00112.jpg /bedroom_0062/sync_depth_00112.png 518.8579 +/bedroom_0063/rgb_00083.jpg /bedroom_0063/sync_depth_00083.png 518.8579 +/kitchen_0031/rgb_00054.jpg /kitchen_0031/sync_depth_00054.png 518.8579 +/bathroom_0028/rgb_00082.jpg /bathroom_0028/sync_depth_00082.png 518.8579 +/dining_room_0013/rgb_00019.jpg /dining_room_0013/sync_depth_00019.png 518.8579 +/bookstore_0001h/rgb_00071.jpg /bookstore_0001h/sync_depth_00071.png 518.8579 +/bookstore_0001d/rgb_00116.jpg /bookstore_0001d/sync_depth_00116.png 518.8579 +/playroom_0003/rgb_00091.jpg /playroom_0003/sync_depth_00091.png 518.8579 +/bedroom_0067b/rgb_00031.jpg /bedroom_0067b/sync_depth_00031.png 518.8579 +/kitchen_0043/rgb_00180.jpg /kitchen_0043/sync_depth_00180.png 518.8579 +/living_room_0042b/rgb_00044.jpg /living_room_0042b/sync_depth_00044.png 518.8579 +/living_room_0083/rgb_00094.jpg /living_room_0083/sync_depth_00094.png 518.8579 +/bedroom_0016/rgb_00161.jpg /bedroom_0016/sync_depth_00161.png 518.8579 +/bedroom_0136/rgb_00052.jpg /bedroom_0136/sync_depth_00052.png 518.8579 +/office_0025/rgb_00008.jpg /office_0025/sync_depth_00008.png 518.8579 +/dining_room_0024/rgb_00149.jpg /dining_room_0024/sync_depth_00149.png 518.8579 +/home_office_0008/rgb_00138.jpg /home_office_0008/sync_depth_00138.png 518.8579 +/dining_room_0023/rgb_00023.jpg /dining_room_0023/sync_depth_00023.png 518.8579 +/dining_room_0001b/rgb_00101.jpg /dining_room_0001b/sync_depth_00101.png 518.8579 +/bedroom_0026/rgb_00120.jpg /bedroom_0026/sync_depth_00120.png 518.8579 +/kitchen_0029c/rgb_00085.jpg /kitchen_0029c/sync_depth_00085.png 518.8579 +/office_0011/rgb_00034.jpg /office_0011/sync_depth_00034.png 518.8579 +/kitchen_0010/rgb_00103.jpg /kitchen_0010/sync_depth_00103.png 518.8579 +/bedroom_0026/rgb_00070.jpg /bedroom_0026/sync_depth_00070.png 518.8579 +/bedroom_0076a/rgb_00187.jpg /bedroom_0076a/sync_depth_00187.png 518.8579 +/dining_room_0016/rgb_00210.jpg /dining_room_0016/sync_depth_00210.png 518.8579 +/classroom_0018/rgb_00004.jpg /classroom_0018/sync_depth_00004.png 518.8579 +/living_room_0022/rgb_00377.jpg /living_room_0022/sync_depth_00377.png 518.8579 +/bedroom_0125b/rgb_00030.jpg /bedroom_0125b/sync_depth_00030.png 518.8579 +/bathroom_0013/rgb_00051.jpg /bathroom_0013/sync_depth_00051.png 518.8579 +/bathroom_0056/rgb_00045.jpg /bathroom_0056/sync_depth_00045.png 518.8579 +/bedroom_0020/rgb_00065.jpg /bedroom_0020/sync_depth_00065.png 518.8579 +/kitchen_0051/rgb_00188.jpg /kitchen_0051/sync_depth_00188.png 518.8579 +/kitchen_0035b/rgb_00175.jpg /kitchen_0035b/sync_depth_00175.png 518.8579 +/bookstore_0001e/rgb_00226.jpg /bookstore_0001e/sync_depth_00226.png 518.8579 +/furniture_store_0002c/rgb_00054.jpg /furniture_store_0002c/sync_depth_00054.png 518.8579 +/bedroom_0051/rgb_00185.jpg /bedroom_0051/sync_depth_00185.png 518.8579 +/furniture_store_0001d/rgb_00034.jpg /furniture_store_0001d/sync_depth_00034.png 518.8579 +/nyu_office_1/rgb_00095.jpg /nyu_office_1/sync_depth_00095.png 518.8579 +/bathroom_0055/rgb_00012.jpg /bathroom_0055/sync_depth_00012.png 518.8579 +/bedroom_0079/rgb_00022.jpg /bedroom_0079/sync_depth_00022.png 518.8579 +/bookstore_0001j/rgb_00204.jpg /bookstore_0001j/sync_depth_00204.png 518.8579 +/bedroom_0026/rgb_00059.jpg /bedroom_0026/sync_depth_00059.png 518.8579 +/dining_room_0019/rgb_00173.jpg /dining_room_0019/sync_depth_00173.png 518.8579 +/bedroom_0039/rgb_00033.jpg /bedroom_0039/sync_depth_00033.png 518.8579 +/office_0006/rgb_00107.jpg /office_0006/sync_depth_00107.png 518.8579 +/kitchen_0053/rgb_00182.jpg /kitchen_0053/sync_depth_00182.png 518.8579 +/bedroom_0140/rgb_00153.jpg /bedroom_0140/sync_depth_00153.png 518.8579 +/bedroom_0136/rgb_00008.jpg /bedroom_0136/sync_depth_00008.png 518.8579 +/dining_room_0016/rgb_00134.jpg /dining_room_0016/sync_depth_00134.png 518.8579 +/bedroom_0016/rgb_00138.jpg /bedroom_0016/sync_depth_00138.png 518.8579 +/bookstore_0001g/rgb_00158.jpg /bookstore_0001g/sync_depth_00158.png 518.8579 +/bedroom_0081/rgb_00001.jpg /bedroom_0081/sync_depth_00001.png 518.8579 +/living_room_0012/rgb_00123.jpg /living_room_0012/sync_depth_00123.png 518.8579 +/classroom_0011/rgb_00066.jpg /classroom_0011/sync_depth_00066.png 518.8579 +/living_room_0086b/rgb_00018.jpg /living_room_0086b/sync_depth_00018.png 518.8579 +/kitchen_0051/rgb_00220.jpg /kitchen_0051/sync_depth_00220.png 518.8579 +/office_0026/rgb_00194.jpg /office_0026/sync_depth_00194.png 518.8579 +/bathroom_0030/rgb_00008.jpg /bathroom_0030/sync_depth_00008.png 518.8579 +/dining_room_0037/rgb_00100.jpg /dining_room_0037/sync_depth_00100.png 518.8579 +/living_room_0022/rgb_00144.jpg /living_room_0022/sync_depth_00144.png 518.8579 +/bookstore_0001e/rgb_00121.jpg /bookstore_0001e/sync_depth_00121.png 518.8579 +/kitchen_0060/rgb_00027.jpg /kitchen_0060/sync_depth_00027.png 518.8579 +/bedroom_0028/rgb_00065.jpg /bedroom_0028/sync_depth_00065.png 518.8579 +/dining_room_0034/rgb_00152.jpg /dining_room_0034/sync_depth_00152.png 518.8579 +/bedroom_0019/rgb_00086.jpg /bedroom_0019/sync_depth_00086.png 518.8579 +/bookstore_0001j/rgb_00041.jpg /bookstore_0001j/sync_depth_00041.png 518.8579 +/bathroom_0019/rgb_00017.jpg /bathroom_0019/sync_depth_00017.png 518.8579 +/living_room_0022/rgb_00437.jpg /living_room_0022/sync_depth_00437.png 518.8579 +/playroom_0004/rgb_00024.jpg /playroom_0004/sync_depth_00024.png 518.8579 +/dining_room_0001b/rgb_00145.jpg /dining_room_0001b/sync_depth_00145.png 518.8579 +/bookstore_0001h/rgb_00007.jpg /bookstore_0001h/sync_depth_00007.png 518.8579 +/living_room_0005/rgb_00000.jpg /living_room_0005/sync_depth_00000.png 518.8579 +/basement_0001b/rgb_00029.jpg /basement_0001b/sync_depth_00029.png 518.8579 +/bookstore_0001g/rgb_00046.jpg /bookstore_0001g/sync_depth_00046.png 518.8579 +/dining_room_0031/rgb_00144.jpg /dining_room_0031/sync_depth_00144.png 518.8579 +/foyer_0002/rgb_00024.jpg /foyer_0002/sync_depth_00024.png 518.8579 +/kitchen_0052/rgb_00086.jpg /kitchen_0052/sync_depth_00086.png 518.8579 +/bedroom_0053/rgb_00045.jpg /bedroom_0053/sync_depth_00045.png 518.8579 +/living_room_0022/rgb_00303.jpg /living_room_0022/sync_depth_00303.png 518.8579 +/kitchen_0019a/rgb_00298.jpg /kitchen_0019a/sync_depth_00298.png 518.8579 +/bedroom_0078/rgb_00066.jpg /bedroom_0078/sync_depth_00066.png 518.8579 +/bathroom_0006/rgb_00063.jpg /bathroom_0006/sync_depth_00063.png 518.8579 +/nyu_office_1/rgb_00020.jpg /nyu_office_1/sync_depth_00020.png 518.8579 +/study_0003/rgb_00011.jpg /study_0003/sync_depth_00011.png 518.8579 +/conference_room_0001/rgb_00003.jpg /conference_room_0001/sync_depth_00003.png 518.8579 +/bedroom_0113/rgb_00040.jpg /bedroom_0113/sync_depth_00040.png 518.8579 +/nyu_office_0/rgb_00072.jpg /nyu_office_0/sync_depth_00072.png 518.8579 +/classroom_0006/rgb_00097.jpg /classroom_0006/sync_depth_00097.png 518.8579 +/office_0012/rgb_00099.jpg /office_0012/sync_depth_00099.png 518.8579 +/bedroom_0120/rgb_00049.jpg /bedroom_0120/sync_depth_00049.png 518.8579 +/living_room_0039/rgb_00161.jpg /living_room_0039/sync_depth_00161.png 518.8579 +/dining_room_0012/rgb_00161.jpg /dining_room_0012/sync_depth_00161.png 518.8579 +/kitchen_0043/rgb_00148.jpg /kitchen_0043/sync_depth_00148.png 518.8579 +/dining_room_0007/rgb_00206.jpg /dining_room_0007/sync_depth_00206.png 518.8579 +/living_room_0050/rgb_00155.jpg /living_room_0050/sync_depth_00155.png 518.8579 +/bedroom_0062/rgb_00121.jpg /bedroom_0062/sync_depth_00121.png 518.8579 +/classroom_0005/rgb_00010.jpg /classroom_0005/sync_depth_00010.png 518.8579 +/bedroom_0029/rgb_00061.jpg /bedroom_0029/sync_depth_00061.png 518.8579 +/kitchen_0031/rgb_00206.jpg /kitchen_0031/sync_depth_00206.png 518.8579 +/conference_room_0001/rgb_00107.jpg /conference_room_0001/sync_depth_00107.png 518.8579 +/bookstore_0001h/rgb_00176.jpg /bookstore_0001h/sync_depth_00176.png 518.8579 +/bedroom_0076a/rgb_00184.jpg /bedroom_0076a/sync_depth_00184.png 518.8579 +/kitchen_0037/rgb_00092.jpg /kitchen_0037/sync_depth_00092.png 518.8579 +/bedroom_0086/rgb_00022.jpg /bedroom_0086/sync_depth_00022.png 518.8579 +/office_0009/rgb_00085.jpg /office_0009/sync_depth_00085.png 518.8579 +/bathroom_0002/rgb_00029.jpg /bathroom_0002/sync_depth_00029.png 518.8579 +/bookstore_0001d/rgb_00066.jpg /bookstore_0001d/sync_depth_00066.png 518.8579 +/bedroom_0060/rgb_00030.jpg /bedroom_0060/sync_depth_00030.png 518.8579 +/home_storage_0001/rgb_00126.jpg /home_storage_0001/sync_depth_00126.png 518.8579 +/bedroom_0034/rgb_00031.jpg /bedroom_0034/sync_depth_00031.png 518.8579 +/playroom_0004/rgb_00097.jpg /playroom_0004/sync_depth_00097.png 518.8579 +/living_room_0047b/rgb_00159.jpg /living_room_0047b/sync_depth_00159.png 518.8579 +/dining_room_0013/rgb_00011.jpg /dining_room_0013/sync_depth_00011.png 518.8579 +/living_room_0069b/rgb_00038.jpg /living_room_0069b/sync_depth_00038.png 518.8579 +/living_room_0038/rgb_00084.jpg /living_room_0038/sync_depth_00084.png 518.8579 +/living_room_0062/rgb_00099.jpg /living_room_0062/sync_depth_00099.png 518.8579 +/bookstore_0001j/rgb_00182.jpg /bookstore_0001j/sync_depth_00182.png 518.8579 +/bedroom_0020/rgb_00062.jpg /bedroom_0020/sync_depth_00062.png 518.8579 +/bedroom_0086/rgb_00062.jpg /bedroom_0086/sync_depth_00062.png 518.8579 +/living_room_0022/rgb_00114.jpg /living_room_0022/sync_depth_00114.png 518.8579 +/home_office_0008/rgb_00141.jpg /home_office_0008/sync_depth_00141.png 518.8579 +/cafe_0001c/rgb_00084.jpg /cafe_0001c/sync_depth_00084.png 518.8579 +/bedroom_0025/rgb_00046.jpg /bedroom_0025/sync_depth_00046.png 518.8579 +/bookstore_0001f/rgb_00012.jpg /bookstore_0001f/sync_depth_00012.png 518.8579 +/living_room_0086a/rgb_00014.jpg /living_room_0086a/sync_depth_00014.png 518.8579 +/living_room_0042b/rgb_00026.jpg /living_room_0042b/sync_depth_00026.png 518.8579 +/dining_room_0007/rgb_00034.jpg /dining_room_0007/sync_depth_00034.png 518.8579 +/furniture_store_0001d/rgb_00153.jpg /furniture_store_0001d/sync_depth_00153.png 518.8579 +/living_room_0046a/rgb_00002.jpg /living_room_0046a/sync_depth_00002.png 518.8579 +/kitchen_0010/rgb_00051.jpg /kitchen_0010/sync_depth_00051.png 518.8579 +/dining_room_0031/rgb_00343.jpg /dining_room_0031/sync_depth_00343.png 518.8579 +/bedroom_0076a/rgb_00211.jpg /bedroom_0076a/sync_depth_00211.png 518.8579 +/student_lounge_0001/rgb_00215.jpg /student_lounge_0001/sync_depth_00215.png 518.8579 +/study_room_0004/rgb_00012.jpg /study_room_0004/sync_depth_00012.png 518.8579 +/dining_room_0034/rgb_00056.jpg /dining_room_0034/sync_depth_00056.png 518.8579 +/playroom_0002/rgb_00123.jpg /playroom_0002/sync_depth_00123.png 518.8579 +/bookstore_0001f/rgb_00393.jpg /bookstore_0001f/sync_depth_00393.png 518.8579 +/study_room_0005b/rgb_00000.jpg /study_room_0005b/sync_depth_00000.png 518.8579 +/dining_room_0031/rgb_00045.jpg /dining_room_0031/sync_depth_00045.png 518.8579 +/dining_room_0015/rgb_00164.jpg /dining_room_0015/sync_depth_00164.png 518.8579 +/study_0008/rgb_00032.jpg /study_0008/sync_depth_00032.png 518.8579 +/kitchen_0029c/rgb_00159.jpg /kitchen_0029c/sync_depth_00159.png 518.8579 +/living_room_0082/rgb_00059.jpg /living_room_0082/sync_depth_00059.png 518.8579 +/dining_room_0023/rgb_00105.jpg /dining_room_0023/sync_depth_00105.png 518.8579 +/office_0011/rgb_00047.jpg /office_0011/sync_depth_00047.png 518.8579 +/study_0004/rgb_00045.jpg /study_0004/sync_depth_00045.png 518.8579 +/living_room_0004/rgb_00091.jpg /living_room_0004/sync_depth_00091.png 518.8579 +/kitchen_0035b/rgb_00178.jpg /kitchen_0035b/sync_depth_00178.png 518.8579 +/living_room_0055/rgb_00111.jpg /living_room_0055/sync_depth_00111.png 518.8579 +/bedroom_0100/rgb_00014.jpg /bedroom_0100/sync_depth_00014.png 518.8579 +/bedroom_0021/rgb_00063.jpg /bedroom_0021/sync_depth_00063.png 518.8579 +/basement_0001a/rgb_00077.jpg /basement_0001a/sync_depth_00077.png 518.8579 +/bedroom_0078/rgb_00117.jpg /bedroom_0078/sync_depth_00117.png 518.8579 +/home_office_0004/rgb_00165.jpg /home_office_0004/sync_depth_00165.png 518.8579 +/classroom_0006/rgb_00011.jpg /classroom_0006/sync_depth_00011.png 518.8579 +/bathroom_0013/rgb_00047.jpg /bathroom_0013/sync_depth_00047.png 518.8579 +/dining_room_0034/rgb_00167.jpg /dining_room_0034/sync_depth_00167.png 518.8579 +/bedroom_0104/rgb_00070.jpg /bedroom_0104/sync_depth_00070.png 518.8579 +/bedroom_0125b/rgb_00062.jpg /bedroom_0125b/sync_depth_00062.png 518.8579 +/living_room_0063/rgb_00082.jpg /living_room_0063/sync_depth_00082.png 518.8579 +/bedroom_0016/rgb_00039.jpg /bedroom_0016/sync_depth_00039.png 518.8579 +/bedroom_0025/rgb_00134.jpg /bedroom_0025/sync_depth_00134.png 518.8579 +/home_office_0006/rgb_00049.jpg /home_office_0006/sync_depth_00049.png 518.8579 +/furniture_store_0001c/rgb_00005.jpg /furniture_store_0001c/sync_depth_00005.png 518.8579 +/kitchen_0028a/rgb_00192.jpg /kitchen_0028a/sync_depth_00192.png 518.8579 +/bedroom_0082/rgb_00059.jpg /bedroom_0082/sync_depth_00059.png 518.8579 +/kitchen_0017/rgb_00008.jpg /kitchen_0017/sync_depth_00008.png 518.8579 +/bedroom_0076a/rgb_00063.jpg /bedroom_0076a/sync_depth_00063.png 518.8579 +/dining_room_0013/rgb_00000.jpg /dining_room_0013/sync_depth_00000.png 518.8579 +/bedroom_0029/rgb_00028.jpg /bedroom_0029/sync_depth_00028.png 518.8579 +/bookstore_0001g/rgb_00140.jpg /bookstore_0001g/sync_depth_00140.png 518.8579 +/classroom_0012/rgb_00033.jpg /classroom_0012/sync_depth_00033.png 518.8579 +/bookstore_0001d/rgb_00288.jpg /bookstore_0001d/sync_depth_00288.png 518.8579 +/bathroom_0034/rgb_00025.jpg /bathroom_0034/sync_depth_00025.png 518.8579 +/kitchen_0048/rgb_00215.jpg /kitchen_0048/sync_depth_00215.png 518.8579 +/bookstore_0001f/rgb_00098.jpg /bookstore_0001f/sync_depth_00098.png 518.8579 +/nyu_office_1/rgb_00004.jpg /nyu_office_1/sync_depth_00004.png 518.8579 +/kitchen_0053/rgb_00112.jpg /kitchen_0053/sync_depth_00112.png 518.8579 +/dining_room_0007/rgb_00067.jpg /dining_room_0007/sync_depth_00067.png 518.8579 +/office_0003/rgb_00003.jpg /office_0003/sync_depth_00003.png 518.8579 +/bathroom_0024/rgb_00056.jpg /bathroom_0024/sync_depth_00056.png 518.8579 +/dining_room_0008/rgb_00146.jpg /dining_room_0008/sync_depth_00146.png 518.8579 +/bedroom_0028/rgb_00026.jpg /bedroom_0028/sync_depth_00026.png 518.8579 +/basement_0001a/rgb_00045.jpg /basement_0001a/sync_depth_00045.png 518.8579 +/dining_room_0037/rgb_00073.jpg /dining_room_0037/sync_depth_00073.png 518.8579 +/bedroom_0014/rgb_00013.jpg /bedroom_0014/sync_depth_00013.png 518.8579 +/living_room_0050/rgb_00184.jpg /living_room_0050/sync_depth_00184.png 518.8579 +/bedroom_0051/rgb_00039.jpg /bedroom_0051/sync_depth_00039.png 518.8579 +/kitchen_0035b/rgb_00150.jpg /kitchen_0035b/sync_depth_00150.png 518.8579 +/bookstore_0001e/rgb_00000.jpg /bookstore_0001e/sync_depth_00000.png 518.8579 +/bedroom_0060/rgb_00085.jpg /bedroom_0060/sync_depth_00085.png 518.8579 +/bedroom_0059/rgb_00027.jpg /bedroom_0059/sync_depth_00027.png 518.8579 +/living_room_0058/rgb_00258.jpg /living_room_0058/sync_depth_00258.png 518.8579 +/living_room_0011/rgb_00131.jpg /living_room_0011/sync_depth_00131.png 518.8579 +/study_room_0005b/rgb_00059.jpg /study_room_0005b/sync_depth_00059.png 518.8579 +/nyu_office_0/rgb_00035.jpg /nyu_office_0/sync_depth_00035.png 518.8579 +/dining_room_0024/rgb_00085.jpg /dining_room_0024/sync_depth_00085.png 518.8579 +/kitchen_0045a/rgb_00123.jpg /kitchen_0045a/sync_depth_00123.png 518.8579 +/furniture_store_0001f/rgb_00004.jpg /furniture_store_0001f/sync_depth_00004.png 518.8579 +/kitchen_0008/rgb_00022.jpg /kitchen_0008/sync_depth_00022.png 518.8579 +/living_room_0022/rgb_00185.jpg /living_room_0022/sync_depth_00185.png 518.8579 +/kitchen_0028b/rgb_00040.jpg /kitchen_0028b/sync_depth_00040.png 518.8579 +/bedroom_0120/rgb_00015.jpg /bedroom_0120/sync_depth_00015.png 518.8579 +/bookstore_0001f/rgb_00495.jpg /bookstore_0001f/sync_depth_00495.png 518.8579 +/office_0024/rgb_00106.jpg /office_0024/sync_depth_00106.png 518.8579 +/home_office_0007/rgb_00030.jpg /home_office_0007/sync_depth_00030.png 518.8579 +/living_room_0020/rgb_00203.jpg /living_room_0020/sync_depth_00203.png 518.8579 +/bedroom_0097/rgb_00036.jpg /bedroom_0097/sync_depth_00036.png 518.8579 +/living_room_0010/rgb_00059.jpg /living_room_0010/sync_depth_00059.png 518.8579 +/playroom_0006/rgb_00054.jpg /playroom_0006/sync_depth_00054.png 518.8579 +/dining_room_0012/rgb_00056.jpg /dining_room_0012/sync_depth_00056.png 518.8579 +/student_lounge_0001/rgb_00208.jpg /student_lounge_0001/sync_depth_00208.png 518.8579 +/living_room_0012/rgb_00104.jpg /living_room_0012/sync_depth_00104.png 518.8579 +/conference_room_0002/rgb_00024.jpg /conference_room_0002/sync_depth_00024.png 518.8579 +/office_kitchen_0003/rgb_00010.jpg /office_kitchen_0003/sync_depth_00010.png 518.8579 +/office_0012/rgb_00062.jpg /office_0012/sync_depth_00062.png 518.8579 +/living_room_0012/rgb_00207.jpg /living_room_0012/sync_depth_00207.png 518.8579 +/living_room_0040/rgb_00065.jpg /living_room_0040/sync_depth_00065.png 518.8579 +/living_room_0070/rgb_00037.jpg /living_room_0070/sync_depth_00037.png 518.8579 +/cafe_0001c/rgb_00055.jpg /cafe_0001c/sync_depth_00055.png 518.8579 +/bedroom_0016/rgb_00080.jpg /bedroom_0016/sync_depth_00080.png 518.8579 +/living_room_0018/rgb_00124.jpg /living_room_0018/sync_depth_00124.png 518.8579 +/dining_room_0012/rgb_00033.jpg /dining_room_0012/sync_depth_00033.png 518.8579 +/bedroom_0051/rgb_00087.jpg /bedroom_0051/sync_depth_00087.png 518.8579 +/living_room_0010/rgb_00139.jpg /living_room_0010/sync_depth_00139.png 518.8579 +/kitchen_0031/rgb_00067.jpg /kitchen_0031/sync_depth_00067.png 518.8579 +/bedroom_0059/rgb_00029.jpg /bedroom_0059/sync_depth_00029.png 518.8579 +/bedroom_0076a/rgb_00227.jpg /bedroom_0076a/sync_depth_00227.png 518.8579 +/living_room_0040/rgb_00068.jpg /living_room_0040/sync_depth_00068.png 518.8579 +/living_room_0040/rgb_00071.jpg /living_room_0040/sync_depth_00071.png 518.8579 +/kitchen_0051/rgb_00227.jpg /kitchen_0051/sync_depth_00227.png 518.8579 +/bookstore_0001f/rgb_00512.jpg /bookstore_0001f/sync_depth_00512.png 518.8579 +/kitchen_0048/rgb_00093.jpg /kitchen_0048/sync_depth_00093.png 518.8579 +/office_0021/rgb_00000.jpg /office_0021/sync_depth_00000.png 518.8579 +/bedroom_0017/rgb_00030.jpg /bedroom_0017/sync_depth_00030.png 518.8579 +/dining_room_0031/rgb_00208.jpg /dining_room_0031/sync_depth_00208.png 518.8579 +/furniture_store_0002b/rgb_00078.jpg /furniture_store_0002b/sync_depth_00078.png 518.8579 +/bedroom_0118/rgb_00002.jpg /bedroom_0118/sync_depth_00002.png 518.8579 +/living_room_0040/rgb_00066.jpg /living_room_0040/sync_depth_00066.png 518.8579 +/bedroom_0081/rgb_00027.jpg /bedroom_0081/sync_depth_00027.png 518.8579 +/bookstore_0001g/rgb_00111.jpg /bookstore_0001g/sync_depth_00111.png 518.8579 +/dining_room_0016/rgb_00102.jpg /dining_room_0016/sync_depth_00102.png 518.8579 +/bedroom_0120/rgb_00067.jpg /bedroom_0120/sync_depth_00067.png 518.8579 +/living_room_0078/rgb_00137.jpg /living_room_0078/sync_depth_00137.png 518.8579 +/kitchen_0019a/rgb_00263.jpg /kitchen_0019a/sync_depth_00263.png 518.8579 +/kitchen_0008/rgb_00032.jpg /kitchen_0008/sync_depth_00032.png 518.8579 +/bedroom_0033/rgb_00079.jpg /bedroom_0033/sync_depth_00079.png 518.8579 +/bedroom_0034/rgb_00101.jpg /bedroom_0034/sync_depth_00101.png 518.8579 +/student_lounge_0001/rgb_00124.jpg /student_lounge_0001/sync_depth_00124.png 518.8579 +/living_room_0040/rgb_00183.jpg /living_room_0040/sync_depth_00183.png 518.8579 +/furniture_store_0002a/rgb_00388.jpg /furniture_store_0002a/sync_depth_00388.png 518.8579 +/living_room_0058/rgb_00033.jpg /living_room_0058/sync_depth_00033.png 518.8579 +/living_room_0063/rgb_00126.jpg /living_room_0063/sync_depth_00126.png 518.8579 +/laundry_room_0001/rgb_00063.jpg /laundry_room_0001/sync_depth_00063.png 518.8579 +/dining_room_0029/rgb_00015.jpg /dining_room_0029/sync_depth_00015.png 518.8579 +/living_room_0010/rgb_00220.jpg /living_room_0010/sync_depth_00220.png 518.8579 +/office_0006/rgb_00016.jpg /office_0006/sync_depth_00016.png 518.8579 +/furniture_store_0002a/rgb_00225.jpg /furniture_store_0002a/sync_depth_00225.png 518.8579 +/kitchen_0008/rgb_00011.jpg /kitchen_0008/sync_depth_00011.png 518.8579 +/bedroom_0106/rgb_00017.jpg /bedroom_0106/sync_depth_00017.png 518.8579 +/living_room_0062/rgb_00002.jpg /living_room_0062/sync_depth_00002.png 518.8579 +/dining_room_0029/rgb_00118.jpg /dining_room_0029/sync_depth_00118.png 518.8579 +/furniture_store_0001b/rgb_00024.jpg /furniture_store_0001b/sync_depth_00024.png 518.8579 +/reception_room_0002/rgb_00003.jpg /reception_room_0002/sync_depth_00003.png 518.8579 +/bedroom_0140/rgb_00123.jpg /bedroom_0140/sync_depth_00123.png 518.8579 +/nyu_office_0/rgb_00165.jpg /nyu_office_0/sync_depth_00165.png 518.8579 +/bookstore_0001j/rgb_00298.jpg /bookstore_0001j/sync_depth_00298.png 518.8579 +/bedroom_0104/rgb_00048.jpg /bedroom_0104/sync_depth_00048.png 518.8579 +/dining_room_0014/rgb_00090.jpg /dining_room_0014/sync_depth_00090.png 518.8579 +/kitchen_0051/rgb_00036.jpg /kitchen_0051/sync_depth_00036.png 518.8579 +/dining_room_0031/rgb_00232.jpg /dining_room_0031/sync_depth_00232.png 518.8579 +/living_room_0012/rgb_00174.jpg /living_room_0012/sync_depth_00174.png 518.8579 +/classroom_0022/rgb_00098.jpg /classroom_0022/sync_depth_00098.png 518.8579 +/bedroom_0096/rgb_00085.jpg /bedroom_0096/sync_depth_00085.png 518.8579 +/bathroom_0028/rgb_00161.jpg /bathroom_0028/sync_depth_00161.png 518.8579 +/furniture_store_0002b/rgb_00262.jpg /furniture_store_0002b/sync_depth_00262.png 518.8579 +/kitchen_0003/rgb_00043.jpg /kitchen_0003/sync_depth_00043.png 518.8579 +/bedroom_0016/rgb_00061.jpg /bedroom_0016/sync_depth_00061.png 518.8579 +/bookstore_0001d/rgb_00301.jpg /bookstore_0001d/sync_depth_00301.png 518.8579 +/dining_room_0012/rgb_00141.jpg /dining_room_0012/sync_depth_00141.png 518.8579 +/bedroom_0081/rgb_00007.jpg /bedroom_0081/sync_depth_00007.png 518.8579 +/playroom_0003/rgb_00149.jpg /playroom_0003/sync_depth_00149.png 518.8579 +/kitchen_0048/rgb_00048.jpg /kitchen_0048/sync_depth_00048.png 518.8579 +/bathroom_0045a/rgb_00054.jpg /bathroom_0045a/sync_depth_00054.png 518.8579 +/bedroom_0017/rgb_00014.jpg /bedroom_0017/sync_depth_00014.png 518.8579 +/office_kitchen_0001b/rgb_00011.jpg /office_kitchen_0001b/sync_depth_00011.png 518.8579 +/living_room_0046b/rgb_00048.jpg /living_room_0046b/sync_depth_00048.png 518.8579 +/bedroom_0076a/rgb_00226.jpg /bedroom_0076a/sync_depth_00226.png 518.8579 +/living_room_0063/rgb_00068.jpg /living_room_0063/sync_depth_00068.png 518.8579 +/bedroom_0016/rgb_00132.jpg /bedroom_0016/sync_depth_00132.png 518.8579 +/living_room_0062/rgb_00070.jpg /living_room_0062/sync_depth_00070.png 518.8579 +/bathroom_0024/rgb_00044.jpg /bathroom_0024/sync_depth_00044.png 518.8579 +/bedroom_0021/rgb_00028.jpg /bedroom_0021/sync_depth_00028.png 518.8579 +/home_office_0008/rgb_00064.jpg /home_office_0008/sync_depth_00064.png 518.8579 +/bathroom_0028/rgb_00097.jpg /bathroom_0028/sync_depth_00097.png 518.8579 +/bedroom_0014/rgb_00028.jpg /bedroom_0014/sync_depth_00028.png 518.8579 +/living_room_0035/rgb_00083.jpg /living_room_0035/sync_depth_00083.png 518.8579 +/living_room_0068/rgb_00082.jpg /living_room_0068/sync_depth_00082.png 518.8579 +/dining_room_0014/rgb_00045.jpg /dining_room_0014/sync_depth_00045.png 518.8579 +/playroom_0006/rgb_00143.jpg /playroom_0006/sync_depth_00143.png 518.8579 +/bathroom_0011/rgb_00027.jpg /bathroom_0011/sync_depth_00027.png 518.8579 +/dining_room_0001b/rgb_00077.jpg /dining_room_0001b/sync_depth_00077.png 518.8579 +/kitchen_0028a/rgb_00025.jpg /kitchen_0028a/sync_depth_00025.png 518.8579 +/classroom_0006/rgb_00131.jpg /classroom_0006/sync_depth_00131.png 518.8579 +/home_office_0004/rgb_00149.jpg /home_office_0004/sync_depth_00149.png 518.8579 +/dining_room_0037/rgb_00153.jpg /dining_room_0037/sync_depth_00153.png 518.8579 +/study_0008/rgb_00052.jpg /study_0008/sync_depth_00052.png 518.8579 +/bedroom_0113/rgb_00096.jpg /bedroom_0113/sync_depth_00096.png 518.8579 +/living_room_0067/rgb_00057.jpg /living_room_0067/sync_depth_00057.png 518.8579 +/kitchen_0035b/rgb_00159.jpg /kitchen_0035b/sync_depth_00159.png 518.8579 +/bedroom_0019/rgb_00085.jpg /bedroom_0019/sync_depth_00085.png 518.8579 +/office_0006/rgb_00126.jpg /office_0006/sync_depth_00126.png 518.8579 +/bathroom_0016/rgb_00002.jpg /bathroom_0016/sync_depth_00002.png 518.8579 +/dining_room_0014/rgb_00068.jpg /dining_room_0014/sync_depth_00068.png 518.8579 +/kitchen_0051/rgb_00087.jpg /kitchen_0051/sync_depth_00087.png 518.8579 +/living_room_0063/rgb_00152.jpg /living_room_0063/sync_depth_00152.png 518.8579 +/dining_room_0013/rgb_00016.jpg /dining_room_0013/sync_depth_00016.png 518.8579 +/bathroom_0014a/rgb_00028.jpg /bathroom_0014a/sync_depth_00028.png 518.8579 +/dining_room_0034/rgb_00086.jpg /dining_room_0034/sync_depth_00086.png 518.8579 +/kitchen_0019b/rgb_00025.jpg /kitchen_0019b/sync_depth_00025.png 518.8579 +/kitchen_0050/rgb_00134.jpg /kitchen_0050/sync_depth_00134.png 518.8579 +/bedroom_0015/rgb_00057.jpg /bedroom_0015/sync_depth_00057.png 518.8579 +/kitchen_0006/rgb_00000.jpg /kitchen_0006/sync_depth_00000.png 518.8579 +/bedroom_0096/rgb_00023.jpg /bedroom_0096/sync_depth_00023.png 518.8579 +/kitchen_0043/rgb_00008.jpg /kitchen_0043/sync_depth_00008.png 518.8579 +/office_0011/rgb_00009.jpg /office_0011/sync_depth_00009.png 518.8579 +/living_room_0022/rgb_00110.jpg /living_room_0022/sync_depth_00110.png 518.8579 +/bedroom_0016/rgb_00058.jpg /bedroom_0016/sync_depth_00058.png 518.8579 +/office_0012/rgb_00081.jpg /office_0012/sync_depth_00081.png 518.8579 +/bedroom_0118/rgb_00015.jpg /bedroom_0118/sync_depth_00015.png 518.8579 +/kitchen_0051/rgb_00222.jpg /kitchen_0051/sync_depth_00222.png 518.8579 +/dining_room_0008/rgb_00200.jpg /dining_room_0008/sync_depth_00200.png 518.8579 +/living_room_0019/rgb_00038.jpg /living_room_0019/sync_depth_00038.png 518.8579 +/study_room_0004/rgb_00095.jpg /study_room_0004/sync_depth_00095.png 518.8579 +/living_room_0058/rgb_00266.jpg /living_room_0058/sync_depth_00266.png 518.8579 +/bedroom_0059/rgb_00096.jpg /bedroom_0059/sync_depth_00096.png 518.8579 +/bathroom_0041/rgb_00083.jpg /bathroom_0041/sync_depth_00083.png 518.8579 +/bathroom_0041/rgb_00021.jpg /bathroom_0041/sync_depth_00021.png 518.8579 +/living_room_0046b/rgb_00055.jpg /living_room_0046b/sync_depth_00055.png 518.8579 +/living_room_0004/rgb_00044.jpg /living_room_0004/sync_depth_00044.png 518.8579 +/living_room_0082/rgb_00040.jpg /living_room_0082/sync_depth_00040.png 518.8579 +/dining_room_0023/rgb_00185.jpg /dining_room_0023/sync_depth_00185.png 518.8579 +/dining_room_0034/rgb_00064.jpg /dining_room_0034/sync_depth_00064.png 518.8579 +/reception_room_0004/rgb_00000.jpg /reception_room_0004/sync_depth_00000.png 518.8579 +/office_0004/rgb_00033.jpg /office_0004/sync_depth_00033.png 518.8579 +/living_room_0086a/rgb_00068.jpg /living_room_0086a/sync_depth_00068.png 518.8579 +/home_office_0004/rgb_00105.jpg /home_office_0004/sync_depth_00105.png 518.8579 +/living_room_0022/rgb_00062.jpg /living_room_0022/sync_depth_00062.png 518.8579 +/living_room_0019/rgb_00148.jpg /living_room_0019/sync_depth_00148.png 518.8579 +/office_0021/rgb_00008.jpg /office_0021/sync_depth_00008.png 518.8579 +/dining_room_0010/rgb_00000.jpg /dining_room_0010/sync_depth_00000.png 518.8579 +/living_room_0040/rgb_00293.jpg /living_room_0040/sync_depth_00293.png 518.8579 +/kitchen_0010/rgb_00007.jpg /kitchen_0010/sync_depth_00007.png 518.8579 +/kitchen_0003/rgb_00039.jpg /kitchen_0003/sync_depth_00039.png 518.8579 +/furniture_store_0002a/rgb_00082.jpg /furniture_store_0002a/sync_depth_00082.png 518.8579 +/bedroom_0020/rgb_00051.jpg /bedroom_0020/sync_depth_00051.png 518.8579 +/kitchen_0035b/rgb_00292.jpg /kitchen_0035b/sync_depth_00292.png 518.8579 +/bedroom_0094/rgb_00030.jpg /bedroom_0094/sync_depth_00030.png 518.8579 +/bedroom_0071/rgb_00090.jpg /bedroom_0071/sync_depth_00090.png 518.8579 +/living_room_0067/rgb_00029.jpg /living_room_0067/sync_depth_00029.png 518.8579 +/bedroom_0016/rgb_00195.jpg /bedroom_0016/sync_depth_00195.png 518.8579 +/living_room_0050/rgb_00120.jpg /living_room_0050/sync_depth_00120.png 518.8579 +/bedroom_0059/rgb_00081.jpg /bedroom_0059/sync_depth_00081.png 518.8579 +/bathroom_0048/rgb_00003.jpg /bathroom_0048/sync_depth_00003.png 518.8579 +/kitchen_0053/rgb_00224.jpg /kitchen_0053/sync_depth_00224.png 518.8579 +/kitchen_0048/rgb_00196.jpg /kitchen_0048/sync_depth_00196.png 518.8579 +/kitchen_0019a/rgb_00281.jpg /kitchen_0019a/sync_depth_00281.png 518.8579 +/bedroom_0136/rgb_00105.jpg /bedroom_0136/sync_depth_00105.png 518.8579 +/living_room_0037/rgb_00008.jpg /living_room_0037/sync_depth_00008.png 518.8579 +/bedroom_0026/rgb_00009.jpg /bedroom_0026/sync_depth_00009.png 518.8579 +/dining_room_0034/rgb_00156.jpg /dining_room_0034/sync_depth_00156.png 518.8579 +/bedroom_0104/rgb_00065.jpg /bedroom_0104/sync_depth_00065.png 518.8579 +/bedroom_0004/rgb_00162.jpg /bedroom_0004/sync_depth_00162.png 518.8579 +/nyu_office_1/rgb_00076.jpg /nyu_office_1/sync_depth_00076.png 518.8579 +/living_room_0037/rgb_00030.jpg /living_room_0037/sync_depth_00030.png 518.8579 +/living_room_0078/rgb_00101.jpg /living_room_0078/sync_depth_00101.png 518.8579 +/bedroom_0025/rgb_00029.jpg /bedroom_0025/sync_depth_00029.png 518.8579 +/furniture_store_0002a/rgb_00124.jpg /furniture_store_0002a/sync_depth_00124.png 518.8579 +/living_room_0047b/rgb_00004.jpg /living_room_0047b/sync_depth_00004.png 518.8579 +/bedroom_0016/rgb_00084.jpg /bedroom_0016/sync_depth_00084.png 518.8579 +/bookstore_0001d/rgb_00011.jpg /bookstore_0001d/sync_depth_00011.png 518.8579 +/bedroom_0072/rgb_00109.jpg /bedroom_0072/sync_depth_00109.png 518.8579 +/kitchen_0059/rgb_00089.jpg /kitchen_0059/sync_depth_00089.png 518.8579 +/bedroom_0052/rgb_00020.jpg /bedroom_0052/sync_depth_00020.png 518.8579 +/living_room_0078/rgb_00025.jpg /living_room_0078/sync_depth_00025.png 518.8579 +/bedroom_0074/rgb_00079.jpg /bedroom_0074/sync_depth_00079.png 518.8579 +/living_room_0022/rgb_00080.jpg /living_room_0022/sync_depth_00080.png 518.8579 +/furniture_store_0002b/rgb_00050.jpg /furniture_store_0002b/sync_depth_00050.png 518.8579 +/bathroom_0055/rgb_00031.jpg /bathroom_0055/sync_depth_00031.png 518.8579 +/kitchen_0060/rgb_00001.jpg /kitchen_0060/sync_depth_00001.png 518.8579 +/bedroom_0060/rgb_00078.jpg /bedroom_0060/sync_depth_00078.png 518.8579 +/living_room_0004/rgb_00034.jpg /living_room_0004/sync_depth_00034.png 518.8579 +/bedroom_0017/rgb_00139.jpg /bedroom_0017/sync_depth_00139.png 518.8579 +/bedroom_0031/rgb_00001.jpg /bedroom_0031/sync_depth_00001.png 518.8579 +/reception_room_0004/rgb_00027.jpg /reception_room_0004/sync_depth_00027.png 518.8579 +/bedroom_0039/rgb_00018.jpg /bedroom_0039/sync_depth_00018.png 518.8579 +/bedroom_0031/rgb_00009.jpg /bedroom_0031/sync_depth_00009.png 518.8579 +/bookstore_0001e/rgb_00007.jpg /bookstore_0001e/sync_depth_00007.png 518.8579 +/bedroom_0040/rgb_00086.jpg /bedroom_0040/sync_depth_00086.png 518.8579 +/office_0026/rgb_00059.jpg /office_0026/sync_depth_00059.png 518.8579 +/kitchen_0037/rgb_00030.jpg /kitchen_0037/sync_depth_00030.png 518.8579 +/kitchen_0052/rgb_00166.jpg /kitchen_0052/sync_depth_00166.png 518.8579 +/printer_room_0001/rgb_00057.jpg /printer_room_0001/sync_depth_00057.png 518.8579 +/reception_room_0001b/rgb_00033.jpg /reception_room_0001b/sync_depth_00033.png 518.8579 +/bedroom_0051/rgb_00035.jpg /bedroom_0051/sync_depth_00035.png 518.8579 +/bedroom_0074/rgb_00120.jpg /bedroom_0074/sync_depth_00120.png 518.8579 +/kitchen_0045a/rgb_00018.jpg /kitchen_0045a/sync_depth_00018.png 518.8579 +/bedroom_0066/rgb_00031.jpg /bedroom_0066/sync_depth_00031.png 518.8579 +/bedroom_0080/rgb_00025.jpg /bedroom_0080/sync_depth_00025.png 518.8579 +/playroom_0003/rgb_00073.jpg /playroom_0003/sync_depth_00073.png 518.8579 +/living_room_0039/rgb_00009.jpg /living_room_0039/sync_depth_00009.png 518.8579 +/bathroom_0023/rgb_00012.jpg /bathroom_0023/sync_depth_00012.png 518.8579 +/classroom_0006/rgb_00107.jpg /classroom_0006/sync_depth_00107.png 518.8579 +/kitchen_0051/rgb_00296.jpg /kitchen_0051/sync_depth_00296.png 518.8579 +/living_room_0012/rgb_00197.jpg /living_room_0012/sync_depth_00197.png 518.8579 +/dining_room_0013/rgb_00156.jpg /dining_room_0013/sync_depth_00156.png 518.8579 +/home_office_0004/rgb_00091.jpg /home_office_0004/sync_depth_00091.png 518.8579 +/classroom_0003/rgb_00061.jpg /classroom_0003/sync_depth_00061.png 518.8579 +/office_kitchen_0001b/rgb_00042.jpg /office_kitchen_0001b/sync_depth_00042.png 518.8579 +/kitchen_0035b/rgb_00040.jpg /kitchen_0035b/sync_depth_00040.png 518.8579 +/dining_room_0037/rgb_00170.jpg /dining_room_0037/sync_depth_00170.png 518.8579 +/kitchen_0035b/rgb_00236.jpg /kitchen_0035b/sync_depth_00236.png 518.8579 +/bookstore_0001j/rgb_00067.jpg /bookstore_0001j/sync_depth_00067.png 518.8579 +/bookstore_0001h/rgb_00109.jpg /bookstore_0001h/sync_depth_00109.png 518.8579 +/kitchen_0037/rgb_00117.jpg /kitchen_0037/sync_depth_00117.png 518.8579 +/bathroom_0028/rgb_00136.jpg /bathroom_0028/sync_depth_00136.png 518.8579 +/kitchen_0033/rgb_00184.jpg /kitchen_0033/sync_depth_00184.png 518.8579 +/kitchen_0050/rgb_00174.jpg /kitchen_0050/sync_depth_00174.png 518.8579 +/kitchen_0048/rgb_00090.jpg /kitchen_0048/sync_depth_00090.png 518.8579 +/dining_room_0019/rgb_00138.jpg /dining_room_0019/sync_depth_00138.png 518.8579 +/playroom_0006/rgb_00107.jpg /playroom_0006/sync_depth_00107.png 518.8579 +/bookstore_0001f/rgb_00161.jpg /bookstore_0001f/sync_depth_00161.png 518.8579 +/bedroom_0071/rgb_00039.jpg /bedroom_0071/sync_depth_00039.png 518.8579 +/bedroom_0071/rgb_00161.jpg /bedroom_0071/sync_depth_00161.png 518.8579 +/bedroom_0126/rgb_00052.jpg /bedroom_0126/sync_depth_00052.png 518.8579 +/kitchen_0028a/rgb_00162.jpg /kitchen_0028a/sync_depth_00162.png 518.8579 +/classroom_0004/rgb_00087.jpg /classroom_0004/sync_depth_00087.png 518.8579 +/bedroom_0138/rgb_00015.jpg /bedroom_0138/sync_depth_00015.png 518.8579 +/bathroom_0049/rgb_00060.jpg /bathroom_0049/sync_depth_00060.png 518.8579 +/bathroom_0051/rgb_00004.jpg /bathroom_0051/sync_depth_00004.png 518.8579 +/kitchen_0051/rgb_00310.jpg /kitchen_0051/sync_depth_00310.png 518.8579 +/bedroom_0113/rgb_00038.jpg /bedroom_0113/sync_depth_00038.png 518.8579 +/living_room_0042b/rgb_00095.jpg /living_room_0042b/sync_depth_00095.png 518.8579 +/classroom_0016/rgb_00070.jpg /classroom_0016/sync_depth_00070.png 518.8579 +/kitchen_0035b/rgb_00245.jpg /kitchen_0035b/sync_depth_00245.png 518.8579 +/playroom_0002/rgb_00115.jpg /playroom_0002/sync_depth_00115.png 518.8579 +/kitchen_0019a/rgb_00044.jpg /kitchen_0019a/sync_depth_00044.png 518.8579 +/furniture_store_0002b/rgb_00110.jpg /furniture_store_0002b/sync_depth_00110.png 518.8579 +/office_0021/rgb_00013.jpg /office_0021/sync_depth_00013.png 518.8579 +/living_room_0004/rgb_00088.jpg /living_room_0004/sync_depth_00088.png 518.8579 +/bathroom_0030/rgb_00050.jpg /bathroom_0030/sync_depth_00050.png 518.8579 +/bookstore_0001d/rgb_00005.jpg /bookstore_0001d/sync_depth_00005.png 518.8579 +/living_room_0004/rgb_00029.jpg /living_room_0004/sync_depth_00029.png 518.8579 +/bedroom_0017/rgb_00052.jpg /bedroom_0017/sync_depth_00052.png 518.8579 +/living_room_0039/rgb_00057.jpg /living_room_0039/sync_depth_00057.png 518.8579 +/bathroom_0033/rgb_00023.jpg /bathroom_0033/sync_depth_00023.png 518.8579 +/bathroom_0005/rgb_00006.jpg /bathroom_0005/sync_depth_00006.png 518.8579 +/living_room_0062/rgb_00192.jpg /living_room_0062/sync_depth_00192.png 518.8579 +/kitchen_0049/rgb_00202.jpg /kitchen_0049/sync_depth_00202.png 518.8579 +/kitchen_0037/rgb_00016.jpg /kitchen_0037/sync_depth_00016.png 518.8579 +/cafe_0001a/rgb_00072.jpg /cafe_0001a/sync_depth_00072.png 518.8579 +/kitchen_0019a/rgb_00140.jpg /kitchen_0019a/sync_depth_00140.png 518.8579 +/living_room_0040/rgb_00316.jpg /living_room_0040/sync_depth_00316.png 518.8579 +/dining_room_0016/rgb_00187.jpg /dining_room_0016/sync_depth_00187.png 518.8579 +/kitchen_0010/rgb_00054.jpg /kitchen_0010/sync_depth_00054.png 518.8579 +/bookstore_0001d/rgb_00032.jpg /bookstore_0001d/sync_depth_00032.png 518.8579 +/living_room_0071/rgb_00037.jpg /living_room_0071/sync_depth_00037.png 518.8579 +/furniture_store_0001d/rgb_00117.jpg /furniture_store_0001d/sync_depth_00117.png 518.8579 +/living_room_0086a/rgb_00030.jpg /living_room_0086a/sync_depth_00030.png 518.8579 +/bedroom_0029/rgb_00046.jpg /bedroom_0029/sync_depth_00046.png 518.8579 +/living_room_0063/rgb_00047.jpg /living_room_0063/sync_depth_00047.png 518.8579 +/bathroom_0028/rgb_00039.jpg /bathroom_0028/sync_depth_00039.png 518.8579 +/bedroom_0062/rgb_00108.jpg /bedroom_0062/sync_depth_00108.png 518.8579 +/bedroom_0071/rgb_00094.jpg /bedroom_0071/sync_depth_00094.png 518.8579 +/cafe_0001b/rgb_00021.jpg /cafe_0001b/sync_depth_00021.png 518.8579 +/kitchen_0051/rgb_00235.jpg /kitchen_0051/sync_depth_00235.png 518.8579 +/living_room_0050/rgb_00130.jpg /living_room_0050/sync_depth_00130.png 518.8579 +/living_room_0082/rgb_00008.jpg /living_room_0082/sync_depth_00008.png 518.8579 +/dining_room_0031/rgb_00368.jpg /dining_room_0031/sync_depth_00368.png 518.8579 +/dining_room_0024/rgb_00051.jpg /dining_room_0024/sync_depth_00051.png 518.8579 +/conference_room_0002/rgb_00047.jpg /conference_room_0002/sync_depth_00047.png 518.8579 +/bathroom_0039/rgb_00075.jpg /bathroom_0039/sync_depth_00075.png 518.8579 +/kitchen_0033/rgb_00172.jpg /kitchen_0033/sync_depth_00172.png 518.8579 +/living_room_0010/rgb_00116.jpg /living_room_0010/sync_depth_00116.png 518.8579 +/reception_room_0001a/rgb_00107.jpg /reception_room_0001a/sync_depth_00107.png 518.8579 +/bedroom_0074/rgb_00022.jpg /bedroom_0074/sync_depth_00022.png 518.8579 +/dinette_0001/rgb_00051.jpg /dinette_0001/sync_depth_00051.png 518.8579 +/kitchen_0051/rgb_00314.jpg /kitchen_0051/sync_depth_00314.png 518.8579 +/bedroom_0140/rgb_00122.jpg /bedroom_0140/sync_depth_00122.png 518.8579 +/dining_room_0012/rgb_00100.jpg /dining_room_0012/sync_depth_00100.png 518.8579 +/bathroom_0016/rgb_00000.jpg /bathroom_0016/sync_depth_00000.png 518.8579 +/classroom_0004/rgb_00005.jpg /classroom_0004/sync_depth_00005.png 518.8579 +/dining_room_0033/rgb_00159.jpg /dining_room_0033/sync_depth_00159.png 518.8579 +/bedroom_0126/rgb_00036.jpg /bedroom_0126/sync_depth_00036.png 518.8579 +/living_room_0038/rgb_00024.jpg /living_room_0038/sync_depth_00024.png 518.8579 +/playroom_0006/rgb_00099.jpg /playroom_0006/sync_depth_00099.png 518.8579 +/bathroom_0005/rgb_00001.jpg /bathroom_0005/sync_depth_00001.png 518.8579 +/living_room_0018/rgb_00046.jpg /living_room_0018/sync_depth_00046.png 518.8579 +/living_room_0055/rgb_00108.jpg /living_room_0055/sync_depth_00108.png 518.8579 +/bedroom_0063/rgb_00022.jpg /bedroom_0063/sync_depth_00022.png 518.8579 +/reception_room_0001b/rgb_00115.jpg /reception_room_0001b/sync_depth_00115.png 518.8579 +/living_room_0005/rgb_00087.jpg /living_room_0005/sync_depth_00087.png 518.8579 +/kitchen_0011a/rgb_00114.jpg /kitchen_0011a/sync_depth_00114.png 518.8579 +/bookstore_0001d/rgb_00007.jpg /bookstore_0001d/sync_depth_00007.png 518.8579 +/living_room_0047a/rgb_00032.jpg /living_room_0047a/sync_depth_00032.png 518.8579 +/dining_room_0008/rgb_00083.jpg /dining_room_0008/sync_depth_00083.png 518.8579 +/bathroom_0048/rgb_00083.jpg /bathroom_0048/sync_depth_00083.png 518.8579 +/bedroom_0140/rgb_00158.jpg /bedroom_0140/sync_depth_00158.png 518.8579 +/dining_room_0037/rgb_00089.jpg /dining_room_0037/sync_depth_00089.png 518.8579 +/kitchen_0006/rgb_00044.jpg /kitchen_0006/sync_depth_00044.png 518.8579 +/bedroom_0052/rgb_00007.jpg /bedroom_0052/sync_depth_00007.png 518.8579 +/bedroom_0076a/rgb_00117.jpg /bedroom_0076a/sync_depth_00117.png 518.8579 +/excercise_room_0001/rgb_00065.jpg /excercise_room_0001/sync_depth_00065.png 518.8579 +/bedroom_0026/rgb_00004.jpg /bedroom_0026/sync_depth_00004.png 518.8579 +/living_room_0038/rgb_00037.jpg /living_room_0038/sync_depth_00037.png 518.8579 +/classroom_0006/rgb_00013.jpg /classroom_0006/sync_depth_00013.png 518.8579 +/office_0018/rgb_00041.jpg /office_0018/sync_depth_00041.png 518.8579 +/kitchen_0043/rgb_00234.jpg /kitchen_0043/sync_depth_00234.png 518.8579 +/bedroom_0053/rgb_00104.jpg /bedroom_0053/sync_depth_00104.png 518.8579 +/nyu_office_0/rgb_00222.jpg /nyu_office_0/sync_depth_00222.png 518.8579 +/bookstore_0001f/rgb_00451.jpg /bookstore_0001f/sync_depth_00451.png 518.8579 +/study_room_0004/rgb_00120.jpg /study_room_0004/sync_depth_00120.png 518.8579 +/home_storage_0001/rgb_00012.jpg /home_storage_0001/sync_depth_00012.png 518.8579 +/living_room_0083/rgb_00104.jpg /living_room_0083/sync_depth_00104.png 518.8579 +/bedroom_0019/rgb_00152.jpg /bedroom_0019/sync_depth_00152.png 518.8579 +/kitchen_0045a/rgb_00164.jpg /kitchen_0045a/sync_depth_00164.png 518.8579 +/kitchen_0016/rgb_00096.jpg /kitchen_0016/sync_depth_00096.png 518.8579 +/reception_room_0002/rgb_00101.jpg /reception_room_0002/sync_depth_00101.png 518.8579 +/bedroom_0080/rgb_00053.jpg /bedroom_0080/sync_depth_00053.png 518.8579 +/playroom_0003/rgb_00043.jpg /playroom_0003/sync_depth_00043.png 518.8579 +/dining_room_0029/rgb_00111.jpg /dining_room_0029/sync_depth_00111.png 518.8579 +/dining_room_0004/rgb_00013.jpg /dining_room_0004/sync_depth_00013.png 518.8579 +/basement_0001b/rgb_00041.jpg /basement_0001b/sync_depth_00041.png 518.8579 +/bedroom_0034/rgb_00027.jpg /bedroom_0034/sync_depth_00027.png 518.8579 +/kitchen_0049/rgb_00183.jpg /kitchen_0049/sync_depth_00183.png 518.8579 +/living_room_0046b/rgb_00020.jpg /living_room_0046b/sync_depth_00020.png 518.8579 +/nyu_office_0/rgb_00336.jpg /nyu_office_0/sync_depth_00336.png 518.8579 +/bedroom_0120/rgb_00052.jpg /bedroom_0120/sync_depth_00052.png 518.8579 +/kitchen_0051/rgb_00242.jpg /kitchen_0051/sync_depth_00242.png 518.8579 +/bookstore_0001j/rgb_00096.jpg /bookstore_0001j/sync_depth_00096.png 518.8579 +/bedroom_0067a/rgb_00000.jpg /bedroom_0067a/sync_depth_00000.png 518.8579 +/kitchen_0045a/rgb_00041.jpg /kitchen_0045a/sync_depth_00041.png 518.8579 +/study_room_0005b/rgb_00073.jpg /study_room_0005b/sync_depth_00073.png 518.8579 +/living_room_0055/rgb_00058.jpg /living_room_0055/sync_depth_00058.png 518.8579 +/bedroom_0053/rgb_00096.jpg /bedroom_0053/sync_depth_00096.png 518.8579 +/kitchen_0031/rgb_00208.jpg /kitchen_0031/sync_depth_00208.png 518.8579 +/bedroom_0038/rgb_00012.jpg /bedroom_0038/sync_depth_00012.png 518.8579 +/dining_room_0008/rgb_00089.jpg /dining_room_0008/sync_depth_00089.png 518.8579 +/bookstore_0001i/rgb_00044.jpg /bookstore_0001i/sync_depth_00044.png 518.8579 +/bedroom_0069/rgb_00022.jpg /bedroom_0069/sync_depth_00022.png 518.8579 +/kitchen_0035b/rgb_00261.jpg /kitchen_0035b/sync_depth_00261.png 518.8579 +/living_room_0039/rgb_00073.jpg /living_room_0039/sync_depth_00073.png 518.8579 +/bedroom_0081/rgb_00045.jpg /bedroom_0081/sync_depth_00045.png 518.8579 +/bookstore_0001j/rgb_00230.jpg /bookstore_0001j/sync_depth_00230.png 518.8579 +/kitchen_0010/rgb_00090.jpg /kitchen_0010/sync_depth_00090.png 518.8579 +/dining_room_0037/rgb_00157.jpg /dining_room_0037/sync_depth_00157.png 518.8579 +/living_room_0062/rgb_00131.jpg /living_room_0062/sync_depth_00131.png 518.8579 +/living_room_0035/rgb_00102.jpg /living_room_0035/sync_depth_00102.png 518.8579 +/bedroom_0034/rgb_00055.jpg /bedroom_0034/sync_depth_00055.png 518.8579 +/laundry_room_0001/rgb_00016.jpg /laundry_room_0001/sync_depth_00016.png 518.8579 +/living_room_0050/rgb_00081.jpg /living_room_0050/sync_depth_00081.png 518.8579 +/office_0026/rgb_00074.jpg /office_0026/sync_depth_00074.png 518.8579 +/kitchen_0047/rgb_00063.jpg /kitchen_0047/sync_depth_00063.png 518.8579 +/kitchen_0052/rgb_00064.jpg /kitchen_0052/sync_depth_00064.png 518.8579 +/living_room_0012/rgb_00042.jpg /living_room_0012/sync_depth_00042.png 518.8579 +/office_0011/rgb_00056.jpg /office_0011/sync_depth_00056.png 518.8579 +/kitchen_0031/rgb_00133.jpg /kitchen_0031/sync_depth_00133.png 518.8579 +/office_kitchen_0003/rgb_00103.jpg /office_kitchen_0003/sync_depth_00103.png 518.8579 +/living_room_0050/rgb_00076.jpg /living_room_0050/sync_depth_00076.png 518.8579 +/kitchen_0019a/rgb_00289.jpg /kitchen_0019a/sync_depth_00289.png 518.8579 +/bookstore_0001f/rgb_00158.jpg /bookstore_0001f/sync_depth_00158.png 518.8579 +/dining_room_0034/rgb_00101.jpg /dining_room_0034/sync_depth_00101.png 518.8579 +/classroom_0016/rgb_00043.jpg /classroom_0016/sync_depth_00043.png 518.8579 +/bathroom_0057/rgb_00003.jpg /bathroom_0057/sync_depth_00003.png 518.8579 +/dining_room_0015/rgb_00067.jpg /dining_room_0015/sync_depth_00067.png 518.8579 +/office_0012/rgb_00045.jpg /office_0012/sync_depth_00045.png 518.8579 +/kitchen_0037/rgb_00109.jpg /kitchen_0037/sync_depth_00109.png 518.8579 +/classroom_0022/rgb_00045.jpg /classroom_0022/sync_depth_00045.png 518.8579 +/dining_room_0013/rgb_00006.jpg /dining_room_0013/sync_depth_00006.png 518.8579 +/playroom_0006/rgb_00130.jpg /playroom_0006/sync_depth_00130.png 518.8579 +/basement_0001a/rgb_00082.jpg /basement_0001a/sync_depth_00082.png 518.8579 +/kitchen_0043/rgb_00081.jpg /kitchen_0043/sync_depth_00081.png 518.8579 +/conference_room_0002/rgb_00046.jpg /conference_room_0002/sync_depth_00046.png 518.8579 +/dining_room_0004/rgb_00085.jpg /dining_room_0004/sync_depth_00085.png 518.8579 +/excercise_room_0001/rgb_00106.jpg /excercise_room_0001/sync_depth_00106.png 518.8579 +/living_room_0046b/rgb_00093.jpg /living_room_0046b/sync_depth_00093.png 518.8579 +/living_room_0018/rgb_00020.jpg /living_room_0018/sync_depth_00020.png 518.8579 +/dining_room_0007/rgb_00154.jpg /dining_room_0007/sync_depth_00154.png 518.8579 +/living_room_0042b/rgb_00070.jpg /living_room_0042b/sync_depth_00070.png 518.8579 +/bathroom_0016/rgb_00027.jpg /bathroom_0016/sync_depth_00027.png 518.8579 +/bathroom_0041/rgb_00051.jpg /bathroom_0041/sync_depth_00051.png 518.8579 +/office_0006/rgb_00128.jpg /office_0006/sync_depth_00128.png 518.8579 +/dining_room_0007/rgb_00095.jpg /dining_room_0007/sync_depth_00095.png 518.8579 +/reception_room_0004/rgb_00056.jpg /reception_room_0004/sync_depth_00056.png 518.8579 +/dining_room_0013/rgb_00099.jpg /dining_room_0013/sync_depth_00099.png 518.8579 +/bedroom_0076a/rgb_00014.jpg /bedroom_0076a/sync_depth_00014.png 518.8579 +/kitchen_0028a/rgb_00009.jpg /kitchen_0028a/sync_depth_00009.png 518.8579 +/living_room_0046b/rgb_00109.jpg /living_room_0046b/sync_depth_00109.png 518.8579 +/bedroom_0129/rgb_00055.jpg /bedroom_0129/sync_depth_00055.png 518.8579 +/bookstore_0001d/rgb_00039.jpg /bookstore_0001d/sync_depth_00039.png 518.8579 +/bathroom_0005/rgb_00022.jpg /bathroom_0005/sync_depth_00022.png 518.8579 +/bedroom_0120/rgb_00041.jpg /bedroom_0120/sync_depth_00041.png 518.8579 +/bedroom_0098/rgb_00012.jpg /bedroom_0098/sync_depth_00012.png 518.8579 +/dining_room_0013/rgb_00107.jpg /dining_room_0013/sync_depth_00107.png 518.8579 +/bookstore_0001h/rgb_00032.jpg /bookstore_0001h/sync_depth_00032.png 518.8579 +/dining_room_0013/rgb_00159.jpg /dining_room_0013/sync_depth_00159.png 518.8579 +/living_room_0069b/rgb_00081.jpg /living_room_0069b/sync_depth_00081.png 518.8579 +/bathroom_0013/rgb_00025.jpg /bathroom_0013/sync_depth_00025.png 518.8579 +/office_0023/rgb_00022.jpg /office_0023/sync_depth_00022.png 518.8579 +/kitchen_0045a/rgb_00099.jpg /kitchen_0045a/sync_depth_00099.png 518.8579 +/bedroom_0052/rgb_00107.jpg /bedroom_0052/sync_depth_00107.png 518.8579 +/bedroom_0060/rgb_00079.jpg /bedroom_0060/sync_depth_00079.png 518.8579 +/bedroom_0050/rgb_00097.jpg /bedroom_0050/sync_depth_00097.png 518.8579 +/dining_room_0031/rgb_00044.jpg /dining_room_0031/sync_depth_00044.png 518.8579 +/kitchen_0051/rgb_00139.jpg /kitchen_0051/sync_depth_00139.png 518.8579 +/living_room_0085/rgb_00029.jpg /living_room_0085/sync_depth_00029.png 518.8579 +/dining_room_0012/rgb_00088.jpg /dining_room_0012/sync_depth_00088.png 518.8579 +/playroom_0004/rgb_00070.jpg /playroom_0004/sync_depth_00070.png 518.8579 +/cafe_0001c/rgb_00068.jpg /cafe_0001c/sync_depth_00068.png 518.8579 +/bedroom_0090/rgb_00010.jpg /bedroom_0090/sync_depth_00010.png 518.8579 +/study_room_0004/rgb_00200.jpg /study_room_0004/sync_depth_00200.png 518.8579 +/bedroom_0050/rgb_00081.jpg /bedroom_0050/sync_depth_00081.png 518.8579 +/bedroom_0076a/rgb_00085.jpg /bedroom_0076a/sync_depth_00085.png 518.8579 +/bedroom_0056b/rgb_00017.jpg /bedroom_0056b/sync_depth_00017.png 518.8579 +/bookstore_0001g/rgb_00083.jpg /bookstore_0001g/sync_depth_00083.png 518.8579 +/bedroom_0004/rgb_00095.jpg /bedroom_0004/sync_depth_00095.png 518.8579 +/furniture_store_0002b/rgb_00065.jpg /furniture_store_0002b/sync_depth_00065.png 518.8579 +/bedroom_0041/rgb_00040.jpg /bedroom_0041/sync_depth_00040.png 518.8579 +/dining_room_0028/rgb_00003.jpg /dining_room_0028/sync_depth_00003.png 518.8579 +/bookstore_0001d/rgb_00080.jpg /bookstore_0001d/sync_depth_00080.png 518.8579 +/kitchen_0017/rgb_00107.jpg /kitchen_0017/sync_depth_00107.png 518.8579 +/furniture_store_0001d/rgb_00057.jpg /furniture_store_0001d/sync_depth_00057.png 518.8579 +/playroom_0003/rgb_00166.jpg /playroom_0003/sync_depth_00166.png 518.8579 +/kitchen_0045a/rgb_00061.jpg /kitchen_0045a/sync_depth_00061.png 518.8579 +/dining_room_0016/rgb_00118.jpg /dining_room_0016/sync_depth_00118.png 518.8579 +/living_room_0029/rgb_00073.jpg /living_room_0029/sync_depth_00073.png 518.8579 +/kitchen_0043/rgb_00168.jpg /kitchen_0043/sync_depth_00168.png 518.8579 +/office_0023/rgb_00049.jpg /office_0023/sync_depth_00049.png 518.8579 +/office_0003/rgb_00065.jpg /office_0003/sync_depth_00065.png 518.8579 +/bedroom_0051/rgb_00212.jpg /bedroom_0051/sync_depth_00212.png 518.8579 +/living_room_0022/rgb_00265.jpg /living_room_0022/sync_depth_00265.png 518.8579 +/study_0003/rgb_00018.jpg /study_0003/sync_depth_00018.png 518.8579 +/bedroom_0050/rgb_00174.jpg /bedroom_0050/sync_depth_00174.png 518.8579 +/kitchen_0019a/rgb_00028.jpg /kitchen_0019a/sync_depth_00028.png 518.8579 +/bookstore_0001j/rgb_00265.jpg /bookstore_0001j/sync_depth_00265.png 518.8579 +/bedroom_0098/rgb_00037.jpg /bedroom_0098/sync_depth_00037.png 518.8579 +/dining_room_0029/rgb_00130.jpg /dining_room_0029/sync_depth_00130.png 518.8579 +/bedroom_0060/rgb_00036.jpg /bedroom_0060/sync_depth_00036.png 518.8579 +/bedroom_0138/rgb_00051.jpg /bedroom_0138/sync_depth_00051.png 518.8579 +/bedroom_0086/rgb_00090.jpg /bedroom_0086/sync_depth_00090.png 518.8579 +/home_office_0005/rgb_00041.jpg /home_office_0005/sync_depth_00041.png 518.8579 +/kitchen_0010/rgb_00013.jpg /kitchen_0010/sync_depth_00013.png 518.8579 +/classroom_0004/rgb_00090.jpg /classroom_0004/sync_depth_00090.png 518.8579 +/living_room_0078/rgb_00146.jpg /living_room_0078/sync_depth_00146.png 518.8579 +/kitchen_0050/rgb_00032.jpg /kitchen_0050/sync_depth_00032.png 518.8579 +/living_room_0058/rgb_00240.jpg /living_room_0058/sync_depth_00240.png 518.8579 +/dining_room_0001b/rgb_00194.jpg /dining_room_0001b/sync_depth_00194.png 518.8579 +/dining_room_0001b/rgb_00130.jpg /dining_room_0001b/sync_depth_00130.png 518.8579 +/kitchen_0035b/rgb_00013.jpg /kitchen_0035b/sync_depth_00013.png 518.8579 +/dining_room_0028/rgb_00030.jpg /dining_room_0028/sync_depth_00030.png 518.8579 +/living_room_0083/rgb_00012.jpg /living_room_0083/sync_depth_00012.png 518.8579 +/dining_room_0013/rgb_00078.jpg /dining_room_0013/sync_depth_00078.png 518.8579 +/kitchen_0033/rgb_00174.jpg /kitchen_0033/sync_depth_00174.png 518.8579 +/study_room_0004/rgb_00062.jpg /study_room_0004/sync_depth_00062.png 518.8579 +/dining_room_0028/rgb_00133.jpg /dining_room_0028/sync_depth_00133.png 518.8579 +/living_room_0005/rgb_00026.jpg /living_room_0005/sync_depth_00026.png 518.8579 +/dining_room_0031/rgb_00213.jpg /dining_room_0031/sync_depth_00213.png 518.8579 +/kitchen_0059/rgb_00074.jpg /kitchen_0059/sync_depth_00074.png 518.8579 +/living_room_0070/rgb_00108.jpg /living_room_0070/sync_depth_00108.png 518.8579 +/living_room_0047b/rgb_00079.jpg /living_room_0047b/sync_depth_00079.png 518.8579 +/bedroom_0100/rgb_00029.jpg /bedroom_0100/sync_depth_00029.png 518.8579 +/kitchen_0052/rgb_00042.jpg /kitchen_0052/sync_depth_00042.png 518.8579 +/bedroom_0050/rgb_00065.jpg /bedroom_0050/sync_depth_00065.png 518.8579 +/living_room_0040/rgb_00315.jpg /living_room_0040/sync_depth_00315.png 518.8579 +/living_room_0068/rgb_00049.jpg /living_room_0068/sync_depth_00049.png 518.8579 +/bedroom_0034/rgb_00019.jpg /bedroom_0034/sync_depth_00019.png 518.8579 +/kitchen_0028a/rgb_00126.jpg /kitchen_0028a/sync_depth_00126.png 518.8579 +/classroom_0022/rgb_00051.jpg /classroom_0022/sync_depth_00051.png 518.8579 +/kitchen_0003/rgb_00007.jpg /kitchen_0003/sync_depth_00007.png 518.8579 +/dining_room_0029/rgb_00019.jpg /dining_room_0029/sync_depth_00019.png 518.8579 +/living_room_0022/rgb_00194.jpg /living_room_0022/sync_depth_00194.png 518.8579 +/living_room_0040/rgb_00080.jpg /living_room_0040/sync_depth_00080.png 518.8579 +/furniture_store_0001e/rgb_00053.jpg /furniture_store_0001e/sync_depth_00053.png 518.8579 +/bedroom_0138/rgb_00082.jpg /bedroom_0138/sync_depth_00082.png 518.8579 +/living_room_0046a/rgb_00008.jpg /living_room_0046a/sync_depth_00008.png 518.8579 +/dining_room_0016/rgb_00016.jpg /dining_room_0016/sync_depth_00016.png 518.8579 +/office_0006/rgb_00159.jpg /office_0006/sync_depth_00159.png 518.8579 +/living_room_0070/rgb_00003.jpg /living_room_0070/sync_depth_00003.png 518.8579 +/kitchen_0050/rgb_00148.jpg /kitchen_0050/sync_depth_00148.png 518.8579 +/bathroom_0005/rgb_00015.jpg /bathroom_0005/sync_depth_00015.png 518.8579 +/classroom_0011/rgb_00055.jpg /classroom_0011/sync_depth_00055.png 518.8579 +/living_room_0040/rgb_00254.jpg /living_room_0040/sync_depth_00254.png 518.8579 +/kitchen_0035b/rgb_00156.jpg /kitchen_0035b/sync_depth_00156.png 518.8579 +/kitchen_0051/rgb_00185.jpg /kitchen_0051/sync_depth_00185.png 518.8579 +/living_room_0083/rgb_00001.jpg /living_room_0083/sync_depth_00001.png 518.8579 +/dining_room_0028/rgb_00050.jpg /dining_room_0028/sync_depth_00050.png 518.8579 +/kitchen_0031/rgb_00035.jpg /kitchen_0031/sync_depth_00035.png 518.8579 +/living_room_0046b/rgb_00106.jpg /living_room_0046b/sync_depth_00106.png 518.8579 +/bathroom_0051/rgb_00005.jpg /bathroom_0051/sync_depth_00005.png 518.8579 +/living_room_0069a/rgb_00071.jpg /living_room_0069a/sync_depth_00071.png 518.8579 +/kitchen_0053/rgb_00180.jpg /kitchen_0053/sync_depth_00180.png 518.8579 +/bedroom_0021/rgb_00025.jpg /bedroom_0021/sync_depth_00025.png 518.8579 +/bookstore_0001f/rgb_00400.jpg /bookstore_0001f/sync_depth_00400.png 518.8579 +/kitchen_0035b/rgb_00222.jpg /kitchen_0035b/sync_depth_00222.png 518.8579 +/bedroom_0028/rgb_00050.jpg /bedroom_0028/sync_depth_00050.png 518.8579 +/bedroom_0140/rgb_00049.jpg /bedroom_0140/sync_depth_00049.png 518.8579 +/bedroom_0124/rgb_00011.jpg /bedroom_0124/sync_depth_00011.png 518.8579 +/study_0006/rgb_00021.jpg /study_0006/sync_depth_00021.png 518.8579 +/living_room_0022/rgb_00400.jpg /living_room_0022/sync_depth_00400.png 518.8579 +/bedroom_0106/rgb_00033.jpg /bedroom_0106/sync_depth_00033.png 518.8579 +/kitchen_0050/rgb_00043.jpg /kitchen_0050/sync_depth_00043.png 518.8579 +/home_office_0008/rgb_00155.jpg /home_office_0008/sync_depth_00155.png 518.8579 +/home_office_0006/rgb_00041.jpg /home_office_0006/sync_depth_00041.png 518.8579 +/bedroom_0097/rgb_00035.jpg /bedroom_0097/sync_depth_00035.png 518.8579 +/living_room_0040/rgb_00078.jpg /living_room_0040/sync_depth_00078.png 518.8579 +/living_room_0040/rgb_00176.jpg /living_room_0040/sync_depth_00176.png 518.8579 +/playroom_0006/rgb_00109.jpg /playroom_0006/sync_depth_00109.png 518.8579 +/living_room_0020/rgb_00246.jpg /living_room_0020/sync_depth_00246.png 518.8579 +/bookstore_0001d/rgb_00119.jpg /bookstore_0001d/sync_depth_00119.png 518.8579 +/bedroom_0106/rgb_00094.jpg /bedroom_0106/sync_depth_00094.png 518.8579 +/bedroom_0072/rgb_00080.jpg /bedroom_0072/sync_depth_00080.png 518.8579 +/classroom_0018/rgb_00012.jpg /classroom_0018/sync_depth_00012.png 518.8579 +/living_room_0040/rgb_00106.jpg /living_room_0040/sync_depth_00106.png 518.8579 +/bathroom_0039/rgb_00004.jpg /bathroom_0039/sync_depth_00004.png 518.8579 +/office_0026/rgb_00156.jpg /office_0026/sync_depth_00156.png 518.8579 +/dining_room_0037/rgb_00000.jpg /dining_room_0037/sync_depth_00000.png 518.8579 +/furniture_store_0001d/rgb_00083.jpg /furniture_store_0001d/sync_depth_00083.png 518.8579 +/bedroom_0015/rgb_00005.jpg /bedroom_0015/sync_depth_00005.png 518.8579 +/furniture_store_0002a/rgb_00262.jpg /furniture_store_0002a/sync_depth_00262.png 518.8579 +/kitchen_0048/rgb_00030.jpg /kitchen_0048/sync_depth_00030.png 518.8579 +/kitchen_0010/rgb_00024.jpg /kitchen_0010/sync_depth_00024.png 518.8579 +/home_office_0013/rgb_00088.jpg /home_office_0013/sync_depth_00088.png 518.8579 +/kitchen_0059/rgb_00021.jpg /kitchen_0059/sync_depth_00021.png 518.8579 +/furniture_store_0001d/rgb_00056.jpg /furniture_store_0001d/sync_depth_00056.png 518.8579 +/dining_room_0008/rgb_00052.jpg /dining_room_0008/sync_depth_00052.png 518.8579 +/bedroom_0082/rgb_00036.jpg /bedroom_0082/sync_depth_00036.png 518.8579 +/furniture_store_0002a/rgb_00018.jpg /furniture_store_0002a/sync_depth_00018.png 518.8579 +/bedroom_0029/rgb_00073.jpg /bedroom_0029/sync_depth_00073.png 518.8579 +/bedroom_0059/rgb_00005.jpg /bedroom_0059/sync_depth_00005.png 518.8579 +/dining_room_0015/rgb_00058.jpg /dining_room_0015/sync_depth_00058.png 518.8579 +/bedroom_0051/rgb_00166.jpg /bedroom_0051/sync_depth_00166.png 518.8579 +/kitchen_0019a/rgb_00026.jpg /kitchen_0019a/sync_depth_00026.png 518.8579 +/dining_room_0007/rgb_00199.jpg /dining_room_0007/sync_depth_00199.png 518.8579 +/cafe_0001c/rgb_00043.jpg /cafe_0001c/sync_depth_00043.png 518.8579 +/living_room_0058/rgb_00250.jpg /living_room_0058/sync_depth_00250.png 518.8579 +/kitchen_0010/rgb_00018.jpg /kitchen_0010/sync_depth_00018.png 518.8579 +/office_0012/rgb_00051.jpg /office_0012/sync_depth_00051.png 518.8579 +/living_room_0047a/rgb_00050.jpg /living_room_0047a/sync_depth_00050.png 518.8579 +/dining_room_0001b/rgb_00057.jpg /dining_room_0001b/sync_depth_00057.png 518.8579 +/bedroom_0016/rgb_00089.jpg /bedroom_0016/sync_depth_00089.png 518.8579 +/bookstore_0001j/rgb_00242.jpg /bookstore_0001j/sync_depth_00242.png 518.8579 +/living_room_0046a/rgb_00087.jpg /living_room_0046a/sync_depth_00087.png 518.8579 +/dining_room_0033/rgb_00023.jpg /dining_room_0033/sync_depth_00023.png 518.8579 +/living_room_0050/rgb_00190.jpg /living_room_0050/sync_depth_00190.png 518.8579 +/classroom_0016/rgb_00029.jpg /classroom_0016/sync_depth_00029.png 518.8579 +/bathroom_0013/rgb_00048.jpg /bathroom_0013/sync_depth_00048.png 518.8579 +/bathroom_0014a/rgb_00081.jpg /bathroom_0014a/sync_depth_00081.png 518.8579 +/bookstore_0001d/rgb_00354.jpg /bookstore_0001d/sync_depth_00354.png 518.8579 +/bedroom_0074/rgb_00002.jpg /bedroom_0074/sync_depth_00002.png 518.8579 +/office_0004/rgb_00035.jpg /office_0004/sync_depth_00035.png 518.8579 +/dining_room_0034/rgb_00032.jpg /dining_room_0034/sync_depth_00032.png 518.8579 +/bedroom_0100/rgb_00020.jpg /bedroom_0100/sync_depth_00020.png 518.8579 +/dining_room_0028/rgb_00150.jpg /dining_room_0028/sync_depth_00150.png 518.8579 +/classroom_0006/rgb_00102.jpg /classroom_0006/sync_depth_00102.png 518.8579 +/dining_room_0023/rgb_00080.jpg /dining_room_0023/sync_depth_00080.png 518.8579 +/home_office_0008/rgb_00041.jpg /home_office_0008/sync_depth_00041.png 518.8579 +/kitchen_0048/rgb_00132.jpg /kitchen_0048/sync_depth_00132.png 518.8579 +/dining_room_0034/rgb_00209.jpg /dining_room_0034/sync_depth_00209.png 518.8579 +/dining_room_0019/rgb_00052.jpg /dining_room_0019/sync_depth_00052.png 518.8579 +/bathroom_0055/rgb_00024.jpg /bathroom_0055/sync_depth_00024.png 518.8579 +/bedroom_0140/rgb_00154.jpg /bedroom_0140/sync_depth_00154.png 518.8579 +/home_office_0005/rgb_00090.jpg /home_office_0005/sync_depth_00090.png 518.8579 +/study_0004/rgb_00003.jpg /study_0004/sync_depth_00003.png 518.8579 +/dining_room_0029/rgb_00108.jpg /dining_room_0029/sync_depth_00108.png 518.8579 +/dining_room_0012/rgb_00215.jpg /dining_room_0012/sync_depth_00215.png 518.8579 +/bedroom_0080/rgb_00009.jpg /bedroom_0080/sync_depth_00009.png 518.8579 +/home_office_0013/rgb_00027.jpg /home_office_0013/sync_depth_00027.png 518.8579 +/reception_room_0004/rgb_00030.jpg /reception_room_0004/sync_depth_00030.png 518.8579 +/bedroom_0053/rgb_00054.jpg /bedroom_0053/sync_depth_00054.png 518.8579 +/bedroom_0076a/rgb_00281.jpg /bedroom_0076a/sync_depth_00281.png 518.8579 +/bookstore_0001j/rgb_00192.jpg /bookstore_0001j/sync_depth_00192.png 518.8579 +/dining_room_0037/rgb_00080.jpg /dining_room_0037/sync_depth_00080.png 518.8579 +/bookstore_0001d/rgb_00239.jpg /bookstore_0001d/sync_depth_00239.png 518.8579 +/kitchen_0050/rgb_00086.jpg /kitchen_0050/sync_depth_00086.png 518.8579 +/bathroom_0041/rgb_00009.jpg /bathroom_0041/sync_depth_00009.png 518.8579 +/living_room_0018/rgb_00110.jpg /living_room_0018/sync_depth_00110.png 518.8579 +/bookstore_0001f/rgb_00090.jpg /bookstore_0001f/sync_depth_00090.png 518.8579 +/bedroom_0014/rgb_00047.jpg /bedroom_0014/sync_depth_00047.png 518.8579 +/bedroom_0140/rgb_00033.jpg /bedroom_0140/sync_depth_00033.png 518.8579 +/basement_0001a/rgb_00160.jpg /basement_0001a/sync_depth_00160.png 518.8579 +/bedroom_0076a/rgb_00008.jpg /bedroom_0076a/sync_depth_00008.png 518.8579 +/office_0024/rgb_00086.jpg /office_0024/sync_depth_00086.png 518.8579 +/bedroom_0051/rgb_00001.jpg /bedroom_0051/sync_depth_00001.png 518.8579 +/living_room_0037/rgb_00032.jpg /living_room_0037/sync_depth_00032.png 518.8579 +/living_room_0037/rgb_00056.jpg /living_room_0037/sync_depth_00056.png 518.8579 +/kitchen_0010/rgb_00033.jpg /kitchen_0010/sync_depth_00033.png 518.8579 +/living_room_0040/rgb_00142.jpg /living_room_0040/sync_depth_00142.png 518.8579 +/bedroom_0113/rgb_00056.jpg /bedroom_0113/sync_depth_00056.png 518.8579 +/classroom_0006/rgb_00181.jpg /classroom_0006/sync_depth_00181.png 518.8579 +/bookstore_0001e/rgb_00093.jpg /bookstore_0001e/sync_depth_00093.png 518.8579 +/kitchen_0035b/rgb_00203.jpg /kitchen_0035b/sync_depth_00203.png 518.8579 +/bookstore_0001d/rgb_00017.jpg /bookstore_0001d/sync_depth_00017.png 518.8579 +/nyu_office_0/rgb_00085.jpg /nyu_office_0/sync_depth_00085.png 518.8579 +/bathroom_0048/rgb_00077.jpg /bathroom_0048/sync_depth_00077.png 518.8579 +/nyu_office_0/rgb_00183.jpg /nyu_office_0/sync_depth_00183.png 518.8579 +/bookstore_0001i/rgb_00061.jpg /bookstore_0001i/sync_depth_00061.png 518.8579 +/bedroom_0130/rgb_00081.jpg /bedroom_0130/sync_depth_00081.png 518.8579 +/dining_room_0010/rgb_00009.jpg /dining_room_0010/sync_depth_00009.png 518.8579 +/furniture_store_0002b/rgb_00219.jpg /furniture_store_0002b/sync_depth_00219.png 518.8579 +/basement_0001a/rgb_00125.jpg /basement_0001a/sync_depth_00125.png 518.8579 +/living_room_0040/rgb_00122.jpg /living_room_0040/sync_depth_00122.png 518.8579 +/bedroom_0098/rgb_00052.jpg /bedroom_0098/sync_depth_00052.png 518.8579 +/furniture_store_0002a/rgb_00411.jpg /furniture_store_0002a/sync_depth_00411.png 518.8579 +/bookstore_0001d/rgb_00255.jpg /bookstore_0001d/sync_depth_00255.png 518.8579 +/bedroom_0138/rgb_00102.jpg /bedroom_0138/sync_depth_00102.png 518.8579 +/living_room_0029/rgb_00043.jpg /living_room_0029/sync_depth_00043.png 518.8579 +/living_room_0040/rgb_00197.jpg /living_room_0040/sync_depth_00197.png 518.8579 +/office_0011/rgb_00085.jpg /office_0011/sync_depth_00085.png 518.8579 +/bathroom_0055/rgb_00048.jpg /bathroom_0055/sync_depth_00048.png 518.8579 +/kitchen_0047/rgb_00012.jpg /kitchen_0047/sync_depth_00012.png 518.8579 +/home_office_0008/rgb_00110.jpg /home_office_0008/sync_depth_00110.png 518.8579 +/bedroom_0020/rgb_00005.jpg /bedroom_0020/sync_depth_00005.png 518.8579 +/living_room_0042b/rgb_00038.jpg /living_room_0042b/sync_depth_00038.png 518.8579 +/student_lounge_0001/rgb_00089.jpg /student_lounge_0001/sync_depth_00089.png 518.8579 +/bedroom_0034/rgb_00062.jpg /bedroom_0034/sync_depth_00062.png 518.8579 +/kitchen_0029c/rgb_00018.jpg /kitchen_0029c/sync_depth_00018.png 518.8579 +/kitchen_0011a/rgb_00068.jpg /kitchen_0011a/sync_depth_00068.png 518.8579 +/bedroom_0034/rgb_00040.jpg /bedroom_0034/sync_depth_00040.png 518.8579 +/bedroom_0019/rgb_00123.jpg /bedroom_0019/sync_depth_00123.png 518.8579 +/bedroom_0124/rgb_00033.jpg /bedroom_0124/sync_depth_00033.png 518.8579 +/conference_room_0002/rgb_00015.jpg /conference_room_0002/sync_depth_00015.png 518.8579 +/printer_room_0001/rgb_00062.jpg /printer_room_0001/sync_depth_00062.png 518.8579 +/living_room_0070/rgb_00004.jpg /living_room_0070/sync_depth_00004.png 518.8579 +/bedroom_0136/rgb_00142.jpg /bedroom_0136/sync_depth_00142.png 518.8579 +/bathroom_0055/rgb_00009.jpg /bathroom_0055/sync_depth_00009.png 518.8579 +/bedroom_0015/rgb_00019.jpg /bedroom_0015/sync_depth_00019.png 518.8579 +/dining_room_0007/rgb_00063.jpg /dining_room_0007/sync_depth_00063.png 518.8579 +/student_lounge_0001/rgb_00188.jpg /student_lounge_0001/sync_depth_00188.png 518.8579 +/furniture_store_0001e/rgb_00034.jpg /furniture_store_0001e/sync_depth_00034.png 518.8579 +/kitchen_0031/rgb_00104.jpg /kitchen_0031/sync_depth_00104.png 518.8579 +/office_0009/rgb_00066.jpg /office_0009/sync_depth_00066.png 518.8579 +/bathroom_0028/rgb_00085.jpg /bathroom_0028/sync_depth_00085.png 518.8579 +/office_kitchen_0003/rgb_00080.jpg /office_kitchen_0003/sync_depth_00080.png 518.8579 +/bedroom_0041/rgb_00076.jpg /bedroom_0041/sync_depth_00076.png 518.8579 +/kitchen_0052/rgb_00165.jpg /kitchen_0052/sync_depth_00165.png 518.8579 +/bookstore_0001f/rgb_00021.jpg /bookstore_0001f/sync_depth_00021.png 518.8579 +/bookstore_0001f/rgb_00444.jpg /bookstore_0001f/sync_depth_00444.png 518.8579 +/living_room_0039/rgb_00133.jpg /living_room_0039/sync_depth_00133.png 518.8579 +/living_room_0011/rgb_00025.jpg /living_room_0011/sync_depth_00025.png 518.8579 +/bedroom_0067a/rgb_00032.jpg /bedroom_0067a/sync_depth_00032.png 518.8579 +/dining_room_0008/rgb_00064.jpg /dining_room_0008/sync_depth_00064.png 518.8579 +/kitchen_0051/rgb_00177.jpg /kitchen_0051/sync_depth_00177.png 518.8579 +/bedroom_0020/rgb_00094.jpg /bedroom_0020/sync_depth_00094.png 518.8579 +/living_room_0038/rgb_00094.jpg /living_room_0038/sync_depth_00094.png 518.8579 +/bathroom_0013/rgb_00050.jpg /bathroom_0013/sync_depth_00050.png 518.8579 +/classroom_0016/rgb_00047.jpg /classroom_0016/sync_depth_00047.png 518.8579 +/bedroom_0052/rgb_00054.jpg /bedroom_0052/sync_depth_00054.png 518.8579 +/study_0003/rgb_00062.jpg /study_0003/sync_depth_00062.png 518.8579 +/bathroom_0011/rgb_00012.jpg /bathroom_0011/sync_depth_00012.png 518.8579 +/office_0026/rgb_00105.jpg /office_0026/sync_depth_00105.png 518.8579 +/bedroom_0126/rgb_00009.jpg /bedroom_0126/sync_depth_00009.png 518.8579 +/bedroom_0074/rgb_00040.jpg /bedroom_0074/sync_depth_00040.png 518.8579 +/bookstore_0001e/rgb_00222.jpg /bookstore_0001e/sync_depth_00222.png 518.8579 +/living_room_0022/rgb_00142.jpg /living_room_0022/sync_depth_00142.png 518.8579 +/living_room_0005/rgb_00029.jpg /living_room_0005/sync_depth_00029.png 518.8579 +/living_room_0005/rgb_00054.jpg /living_room_0005/sync_depth_00054.png 518.8579 +/printer_room_0001/rgb_00024.jpg /printer_room_0001/sync_depth_00024.png 518.8579 +/kitchen_0049/rgb_00135.jpg /kitchen_0049/sync_depth_00135.png 518.8579 +/furniture_store_0001d/rgb_00223.jpg /furniture_store_0001d/sync_depth_00223.png 518.8579 +/bedroom_0017/rgb_00106.jpg /bedroom_0017/sync_depth_00106.png 518.8579 +/dining_room_0016/rgb_00103.jpg /dining_room_0016/sync_depth_00103.png 518.8579 +/excercise_room_0001/rgb_00101.jpg /excercise_room_0001/sync_depth_00101.png 518.8579 +/living_room_0010/rgb_00109.jpg /living_room_0010/sync_depth_00109.png 518.8579 +/bedroom_0056a/rgb_00015.jpg /bedroom_0056a/sync_depth_00015.png 518.8579 +/dining_room_0024/rgb_00070.jpg /dining_room_0024/sync_depth_00070.png 518.8579 +/playroom_0002/rgb_00099.jpg /playroom_0002/sync_depth_00099.png 518.8579 +/classroom_0006/rgb_00112.jpg /classroom_0006/sync_depth_00112.png 518.8579 +/furniture_store_0002c/rgb_00077.jpg /furniture_store_0002c/sync_depth_00077.png 518.8579 +/bedroom_0125a/rgb_00021.jpg /bedroom_0125a/sync_depth_00021.png 518.8579 +/living_room_0070/rgb_00044.jpg /living_room_0070/sync_depth_00044.png 518.8579 +/bedroom_0017/rgb_00084.jpg /bedroom_0017/sync_depth_00084.png 518.8579 +/living_room_0029/rgb_00048.jpg /living_room_0029/sync_depth_00048.png 518.8579 +/furniture_store_0001c/rgb_00022.jpg /furniture_store_0001c/sync_depth_00022.png 518.8579 +/living_room_0086b/rgb_00006.jpg /living_room_0086b/sync_depth_00006.png 518.8579 +/bedroom_0074/rgb_00123.jpg /bedroom_0074/sync_depth_00123.png 518.8579 +/office_0011/rgb_00169.jpg /office_0011/sync_depth_00169.png 518.8579 +/kitchen_0048/rgb_00038.jpg /kitchen_0048/sync_depth_00038.png 518.8579 +/bedroom_0060/rgb_00090.jpg /bedroom_0060/sync_depth_00090.png 518.8579 +/home_office_0008/rgb_00003.jpg /home_office_0008/sync_depth_00003.png 518.8579 +/living_room_0012/rgb_00107.jpg /living_room_0012/sync_depth_00107.png 518.8579 +/kitchen_0047/rgb_00058.jpg /kitchen_0047/sync_depth_00058.png 518.8579 +/bedroom_0140/rgb_00053.jpg /bedroom_0140/sync_depth_00053.png 518.8579 +/living_room_0011/rgb_00103.jpg /living_room_0011/sync_depth_00103.png 518.8579 +/bedroom_0069/rgb_00056.jpg /bedroom_0069/sync_depth_00056.png 518.8579 +/student_lounge_0001/rgb_00023.jpg /student_lounge_0001/sync_depth_00023.png 518.8579 +/living_room_0046a/rgb_00101.jpg /living_room_0046a/sync_depth_00101.png 518.8579 +/living_room_0012/rgb_00095.jpg /living_room_0012/sync_depth_00095.png 518.8579 +/bookstore_0001i/rgb_00051.jpg /bookstore_0001i/sync_depth_00051.png 518.8579 +/home_office_0004/rgb_00102.jpg /home_office_0004/sync_depth_00102.png 518.8579 +/bookstore_0001d/rgb_00056.jpg /bookstore_0001d/sync_depth_00056.png 518.8579 +/kitchen_0051/rgb_00132.jpg /kitchen_0051/sync_depth_00132.png 518.8579 +/nyu_office_0/rgb_00041.jpg /nyu_office_0/sync_depth_00041.png 518.8579 +/playroom_0004/rgb_00033.jpg /playroom_0004/sync_depth_00033.png 518.8579 +/living_room_0038/rgb_00118.jpg /living_room_0038/sync_depth_00118.png 518.8579 +/bookstore_0001g/rgb_00019.jpg /bookstore_0001g/sync_depth_00019.png 518.8579 +/living_room_0010/rgb_00070.jpg /living_room_0010/sync_depth_00070.png 518.8579 +/bathroom_0039/rgb_00068.jpg /bathroom_0039/sync_depth_00068.png 518.8579 +/bathroom_0013/rgb_00044.jpg /bathroom_0013/sync_depth_00044.png 518.8579 +/study_room_0005b/rgb_00004.jpg /study_room_0005b/sync_depth_00004.png 518.8579 +/office_0025/rgb_00014.jpg /office_0025/sync_depth_00014.png 518.8579 +/living_room_0010/rgb_00014.jpg /living_room_0010/sync_depth_00014.png 518.8579 +/dining_room_0033/rgb_00165.jpg /dining_room_0033/sync_depth_00165.png 518.8579 +/bedroom_0052/rgb_00041.jpg /bedroom_0052/sync_depth_00041.png 518.8579 +/furniture_store_0001b/rgb_00086.jpg /furniture_store_0001b/sync_depth_00086.png 518.8579 +/bedroom_0014/rgb_00008.jpg /bedroom_0014/sync_depth_00008.png 518.8579 +/kitchen_0043/rgb_00037.jpg /kitchen_0043/sync_depth_00037.png 518.8579 +/bedroom_0096/rgb_00039.jpg /bedroom_0096/sync_depth_00039.png 518.8579 +/bedroom_0026/rgb_00034.jpg /bedroom_0026/sync_depth_00034.png 518.8579 +/bathroom_0048/rgb_00046.jpg /bathroom_0048/sync_depth_00046.png 518.8579 +/living_room_0058/rgb_00052.jpg /living_room_0058/sync_depth_00052.png 518.8579 +/living_room_0020/rgb_00119.jpg /living_room_0020/sync_depth_00119.png 518.8579 +/nyu_office_0/rgb_00102.jpg /nyu_office_0/sync_depth_00102.png 518.8579 +/living_room_0063/rgb_00111.jpg /living_room_0063/sync_depth_00111.png 518.8579 +/bedroom_0063/rgb_00140.jpg /bedroom_0063/sync_depth_00140.png 518.8579 +/kitchen_0029c/rgb_00009.jpg /kitchen_0029c/sync_depth_00009.png 518.8579 +/bookstore_0001h/rgb_00067.jpg /bookstore_0001h/sync_depth_00067.png 518.8579 +/bathroom_0048/rgb_00045.jpg /bathroom_0048/sync_depth_00045.png 518.8579 +/dinette_0001/rgb_00060.jpg /dinette_0001/sync_depth_00060.png 518.8579 +/basement_0001a/rgb_00127.jpg /basement_0001a/sync_depth_00127.png 518.8579 +/kitchen_0017/rgb_00081.jpg /kitchen_0017/sync_depth_00081.png 518.8579 +/living_room_0039/rgb_00109.jpg /living_room_0039/sync_depth_00109.png 518.8579 +/kitchen_0047/rgb_00144.jpg /kitchen_0047/sync_depth_00144.png 518.8579 +/nyu_office_0/rgb_00134.jpg /nyu_office_0/sync_depth_00134.png 518.8579 +/kitchen_0047/rgb_00062.jpg /kitchen_0047/sync_depth_00062.png 518.8579 +/bedroom_0063/rgb_00018.jpg /bedroom_0063/sync_depth_00018.png 518.8579 +/bedroom_0038/rgb_00001.jpg /bedroom_0038/sync_depth_00001.png 518.8579 +/classroom_0022/rgb_00013.jpg /classroom_0022/sync_depth_00013.png 518.8579 +/bathroom_0056/rgb_00011.jpg /bathroom_0056/sync_depth_00011.png 518.8579 +/bookstore_0001d/rgb_00238.jpg /bookstore_0001d/sync_depth_00238.png 518.8579 +/kitchen_0053/rgb_00249.jpg /kitchen_0053/sync_depth_00249.png 518.8579 +/living_room_0047a/rgb_00068.jpg /living_room_0047a/sync_depth_00068.png 518.8579 +/furniture_store_0002d/rgb_00015.jpg /furniture_store_0002d/sync_depth_00015.png 518.8579 +/bookstore_0001g/rgb_00044.jpg /bookstore_0001g/sync_depth_00044.png 518.8579 +/living_room_0055/rgb_00078.jpg /living_room_0055/sync_depth_00078.png 518.8579 +/kitchen_0043/rgb_00030.jpg /kitchen_0043/sync_depth_00030.png 518.8579 +/living_room_0018/rgb_00123.jpg /living_room_0018/sync_depth_00123.png 518.8579 +/bedroom_0017/rgb_00072.jpg /bedroom_0017/sync_depth_00072.png 518.8579 +/kitchen_0016/rgb_00118.jpg /kitchen_0016/sync_depth_00118.png 518.8579 +/living_room_0071/rgb_00025.jpg /living_room_0071/sync_depth_00025.png 518.8579 +/office_0026/rgb_00110.jpg /office_0026/sync_depth_00110.png 518.8579 +/bedroom_0062/rgb_00050.jpg /bedroom_0062/sync_depth_00050.png 518.8579 +/dining_room_0019/rgb_00113.jpg /dining_room_0019/sync_depth_00113.png 518.8579 +/living_room_0058/rgb_00106.jpg /living_room_0058/sync_depth_00106.png 518.8579 +/study_room_0004/rgb_00205.jpg /study_room_0004/sync_depth_00205.png 518.8579 +/dining_room_0023/rgb_00033.jpg /dining_room_0023/sync_depth_00033.png 518.8579 +/classroom_0012/rgb_00011.jpg /classroom_0012/sync_depth_00011.png 518.8579 +/kitchen_0019a/rgb_00189.jpg /kitchen_0019a/sync_depth_00189.png 518.8579 +/kitchen_0019a/rgb_00125.jpg /kitchen_0019a/sync_depth_00125.png 518.8579 +/bookstore_0001f/rgb_00479.jpg /bookstore_0001f/sync_depth_00479.png 518.8579 +/living_room_0011/rgb_00077.jpg /living_room_0011/sync_depth_00077.png 518.8579 +/living_room_0004/rgb_00148.jpg /living_room_0004/sync_depth_00148.png 518.8579 +/nyu_office_0/rgb_00076.jpg /nyu_office_0/sync_depth_00076.png 518.8579 +/office_0024/rgb_00055.jpg /office_0024/sync_depth_00055.png 518.8579 +/bedroom_0065/rgb_00016.jpg /bedroom_0065/sync_depth_00016.png 518.8579 +/bedroom_0026/rgb_00149.jpg /bedroom_0026/sync_depth_00149.png 518.8579 +/kitchen_0037/rgb_00044.jpg /kitchen_0037/sync_depth_00044.png 518.8579 +/bedroom_0094/rgb_00039.jpg /bedroom_0094/sync_depth_00039.png 518.8579 +/bedroom_0063/rgb_00007.jpg /bedroom_0063/sync_depth_00007.png 518.8579 +/office_0012/rgb_00077.jpg /office_0012/sync_depth_00077.png 518.8579 +/bedroom_0016/rgb_00102.jpg /bedroom_0016/sync_depth_00102.png 518.8579 +/office_0024/rgb_00113.jpg /office_0024/sync_depth_00113.png 518.8579 +/kitchen_0043/rgb_00021.jpg /kitchen_0043/sync_depth_00021.png 518.8579 +/kitchen_0048/rgb_00156.jpg /kitchen_0048/sync_depth_00156.png 518.8579 +/bedroom_0071/rgb_00107.jpg /bedroom_0071/sync_depth_00107.png 518.8579 +/reception_room_0002/rgb_00117.jpg /reception_room_0002/sync_depth_00117.png 518.8579 +/dining_room_0008/rgb_00164.jpg /dining_room_0008/sync_depth_00164.png 518.8579 +/office_0023/rgb_00043.jpg /office_0023/sync_depth_00043.png 518.8579 +/kitchen_0047/rgb_00127.jpg /kitchen_0047/sync_depth_00127.png 518.8579 +/classroom_0003/rgb_00054.jpg /classroom_0003/sync_depth_00054.png 518.8579 +/bathroom_0007/rgb_00053.jpg /bathroom_0007/sync_depth_00053.png 518.8579 +/kitchen_0045a/rgb_00177.jpg /kitchen_0045a/sync_depth_00177.png 518.8579 +/bathroom_0002/rgb_00033.jpg /bathroom_0002/sync_depth_00033.png 518.8579 +/bedroom_0107/rgb_00016.jpg /bedroom_0107/sync_depth_00016.png 518.8579 +/kitchen_0045a/rgb_00174.jpg /kitchen_0045a/sync_depth_00174.png 518.8579 +/kitchen_0051/rgb_00017.jpg /kitchen_0051/sync_depth_00017.png 518.8579 +/furniture_store_0002a/rgb_00197.jpg /furniture_store_0002a/sync_depth_00197.png 518.8579 +/bookstore_0001j/rgb_00231.jpg /bookstore_0001j/sync_depth_00231.png 518.8579 +/living_room_0022/rgb_00078.jpg /living_room_0022/sync_depth_00078.png 518.8579 +/bedroom_0138/rgb_00088.jpg /bedroom_0138/sync_depth_00088.png 518.8579 +/living_room_0032/rgb_00035.jpg /living_room_0032/sync_depth_00035.png 518.8579 +/dining_room_0012/rgb_00028.jpg /dining_room_0012/sync_depth_00028.png 518.8579 +/bedroom_0039/rgb_00002.jpg /bedroom_0039/sync_depth_00002.png 518.8579 +/bookstore_0001e/rgb_00040.jpg /bookstore_0001e/sync_depth_00040.png 518.8579 +/student_lounge_0001/rgb_00265.jpg /student_lounge_0001/sync_depth_00265.png 518.8579 +/kitchen_0045b/rgb_00092.jpg /kitchen_0045b/sync_depth_00092.png 518.8579 +/bedroom_0094/rgb_00012.jpg /bedroom_0094/sync_depth_00012.png 518.8579 +/kitchen_0041/rgb_00006.jpg /kitchen_0041/sync_depth_00006.png 518.8579 +/cafe_0001c/rgb_00056.jpg /cafe_0001c/sync_depth_00056.png 518.8579 +/classroom_0016/rgb_00080.jpg /classroom_0016/sync_depth_00080.png 518.8579 +/classroom_0003/rgb_00084.jpg /classroom_0003/sync_depth_00084.png 518.8579 +/office_0011/rgb_00160.jpg /office_0011/sync_depth_00160.png 518.8579 +/reception_room_0004/rgb_00003.jpg /reception_room_0004/sync_depth_00003.png 518.8579 +/bedroom_0010/rgb_00058.jpg /bedroom_0010/sync_depth_00058.png 518.8579 +/bedroom_0120/rgb_00029.jpg /bedroom_0120/sync_depth_00029.png 518.8579 +/home_office_0008/rgb_00068.jpg /home_office_0008/sync_depth_00068.png 518.8579 +/bedroom_0042/rgb_00009.jpg /bedroom_0042/sync_depth_00009.png 518.8579 +/living_room_0022/rgb_00396.jpg /living_room_0022/sync_depth_00396.png 518.8579 +/living_room_0039/rgb_00045.jpg /living_room_0039/sync_depth_00045.png 518.8579 +/basement_0001b/rgb_00046.jpg /basement_0001b/sync_depth_00046.png 518.8579 +/home_office_0005/rgb_00105.jpg /home_office_0005/sync_depth_00105.png 518.8579 +/kitchen_0045b/rgb_00086.jpg /kitchen_0045b/sync_depth_00086.png 518.8579 +/bedroom_0140/rgb_00081.jpg /bedroom_0140/sync_depth_00081.png 518.8579 +/dining_room_0004/rgb_00079.jpg /dining_room_0004/sync_depth_00079.png 518.8579 +/dinette_0001/rgb_00061.jpg /dinette_0001/sync_depth_00061.png 518.8579 +/living_room_0058/rgb_00013.jpg /living_room_0058/sync_depth_00013.png 518.8579 +/bedroom_0113/rgb_00098.jpg /bedroom_0113/sync_depth_00098.png 518.8579 +/living_room_0058/rgb_00113.jpg /living_room_0058/sync_depth_00113.png 518.8579 +/living_room_0050/rgb_00236.jpg /living_room_0050/sync_depth_00236.png 518.8579 +/living_room_0046b/rgb_00059.jpg /living_room_0046b/sync_depth_00059.png 518.8579 +/living_room_0062/rgb_00071.jpg /living_room_0062/sync_depth_00071.png 518.8579 +/playroom_0002/rgb_00139.jpg /playroom_0002/sync_depth_00139.png 518.8579 +/furniture_store_0002d/rgb_00059.jpg /furniture_store_0002d/sync_depth_00059.png 518.8579 +/kitchen_0008/rgb_00041.jpg /kitchen_0008/sync_depth_00041.png 518.8579 +/bedroom_0125b/rgb_00056.jpg /bedroom_0125b/sync_depth_00056.png 518.8579 +/classroom_0011/rgb_00069.jpg /classroom_0011/sync_depth_00069.png 518.8579 +/living_room_0005/rgb_00137.jpg /living_room_0005/sync_depth_00137.png 518.8579 +/living_room_0018/rgb_00052.jpg /living_room_0018/sync_depth_00052.png 518.8579 +/kitchen_0031/rgb_00019.jpg /kitchen_0031/sync_depth_00019.png 518.8579 +/living_room_0035/rgb_00000.jpg /living_room_0035/sync_depth_00000.png 518.8579 +/furniture_store_0002b/rgb_00222.jpg /furniture_store_0002b/sync_depth_00222.png 518.8579 +/dining_room_0028/rgb_00028.jpg /dining_room_0028/sync_depth_00028.png 518.8579 +/bedroom_0097/rgb_00044.jpg /bedroom_0097/sync_depth_00044.png 518.8579 +/bookstore_0001f/rgb_00203.jpg /bookstore_0001f/sync_depth_00203.png 518.8579 +/living_room_0005/rgb_00155.jpg /living_room_0005/sync_depth_00155.png 518.8579 +/bedroom_0019/rgb_00070.jpg /bedroom_0019/sync_depth_00070.png 518.8579 +/kitchen_0019a/rgb_00180.jpg /kitchen_0019a/sync_depth_00180.png 518.8579 +/dining_room_0019/rgb_00089.jpg /dining_room_0019/sync_depth_00089.png 518.8579 +/classroom_0022/rgb_00080.jpg /classroom_0022/sync_depth_00080.png 518.8579 +/kitchen_0050/rgb_00065.jpg /kitchen_0050/sync_depth_00065.png 518.8579 +/bathroom_0028/rgb_00047.jpg /bathroom_0028/sync_depth_00047.png 518.8579 +/living_room_0022/rgb_00148.jpg /living_room_0022/sync_depth_00148.png 518.8579 +/living_room_0038/rgb_00047.jpg /living_room_0038/sync_depth_00047.png 518.8579 +/dining_room_0033/rgb_00041.jpg /dining_room_0033/sync_depth_00041.png 518.8579 +/living_room_0039/rgb_00175.jpg /living_room_0039/sync_depth_00175.png 518.8579 +/living_room_0040/rgb_00334.jpg /living_room_0040/sync_depth_00334.png 518.8579 +/bedroom_0020/rgb_00035.jpg /bedroom_0020/sync_depth_00035.png 518.8579 +/kitchen_0050/rgb_00157.jpg /kitchen_0050/sync_depth_00157.png 518.8579 +/bedroom_0004/rgb_00048.jpg /bedroom_0004/sync_depth_00048.png 518.8579 +/office_0021/rgb_00069.jpg /office_0021/sync_depth_00069.png 518.8579 +/bedroom_0050/rgb_00069.jpg /bedroom_0050/sync_depth_00069.png 518.8579 +/kitchen_0028a/rgb_00188.jpg /kitchen_0028a/sync_depth_00188.png 518.8579 +/dining_room_0007/rgb_00220.jpg /dining_room_0007/sync_depth_00220.png 518.8579 +/student_lounge_0001/rgb_00047.jpg /student_lounge_0001/sync_depth_00047.png 518.8579 +/playroom_0003/rgb_00189.jpg /playroom_0003/sync_depth_00189.png 518.8579 +/furniture_store_0001b/rgb_00013.jpg /furniture_store_0001b/sync_depth_00013.png 518.8579 +/bedroom_0062/rgb_00016.jpg /bedroom_0062/sync_depth_00016.png 518.8579 +/kitchen_0029c/rgb_00063.jpg /kitchen_0029c/sync_depth_00063.png 518.8579 +/nyu_office_0/rgb_00046.jpg /nyu_office_0/sync_depth_00046.png 518.8579 +/bookstore_0001d/rgb_00021.jpg /bookstore_0001d/sync_depth_00021.png 518.8579 +/playroom_0006/rgb_00077.jpg /playroom_0006/sync_depth_00077.png 518.8579 +/dining_room_0023/rgb_00073.jpg /dining_room_0023/sync_depth_00073.png 518.8579 +/bathroom_0034/rgb_00048.jpg /bathroom_0034/sync_depth_00048.png 518.8579 +/kitchen_0035b/rgb_00085.jpg /kitchen_0035b/sync_depth_00085.png 518.8579 +/home_office_0006/rgb_00048.jpg /home_office_0006/sync_depth_00048.png 518.8579 +/kitchen_0031/rgb_00022.jpg /kitchen_0031/sync_depth_00022.png 518.8579 +/kitchen_0051/rgb_00245.jpg /kitchen_0051/sync_depth_00245.png 518.8579 +/living_room_0018/rgb_00106.jpg /living_room_0018/sync_depth_00106.png 518.8579 +/living_room_0012/rgb_00127.jpg /living_room_0012/sync_depth_00127.png 518.8579 +/furniture_store_0002d/rgb_00065.jpg /furniture_store_0002d/sync_depth_00065.png 518.8579 +/living_room_0069b/rgb_00030.jpg /living_room_0069b/sync_depth_00030.png 518.8579 +/furniture_store_0002b/rgb_00160.jpg /furniture_store_0002b/sync_depth_00160.png 518.8579 +/living_room_0047b/rgb_00058.jpg /living_room_0047b/sync_depth_00058.png 518.8579 +/living_room_0086b/rgb_00010.jpg /living_room_0086b/sync_depth_00010.png 518.8579 +/bedroom_0060/rgb_00001.jpg /bedroom_0060/sync_depth_00001.png 518.8579 +/kitchen_0010/rgb_00115.jpg /kitchen_0010/sync_depth_00115.png 518.8579 +/nyu_office_0/rgb_00067.jpg /nyu_office_0/sync_depth_00067.png 518.8579 +/bookstore_0001d/rgb_00132.jpg /bookstore_0001d/sync_depth_00132.png 518.8579 +/study_0004/rgb_00024.jpg /study_0004/sync_depth_00024.png 518.8579 +/bedroom_0140/rgb_00138.jpg /bedroom_0140/sync_depth_00138.png 518.8579 +/classroom_0010/rgb_00003.jpg /classroom_0010/sync_depth_00003.png 518.8579 +/kitchen_0011a/rgb_00044.jpg /kitchen_0011a/sync_depth_00044.png 518.8579 +/kitchen_0051/rgb_00149.jpg /kitchen_0051/sync_depth_00149.png 518.8579 +/bookstore_0001f/rgb_00179.jpg /bookstore_0001f/sync_depth_00179.png 518.8579 +/kitchen_0050/rgb_00192.jpg /kitchen_0050/sync_depth_00192.png 518.8579 +/dining_room_0016/rgb_00106.jpg /dining_room_0016/sync_depth_00106.png 518.8579 +/bookstore_0001h/rgb_00128.jpg /bookstore_0001h/sync_depth_00128.png 518.8579 +/kitchen_0053/rgb_00172.jpg /kitchen_0053/sync_depth_00172.png 518.8579 +/bedroom_0034/rgb_00005.jpg /bedroom_0034/sync_depth_00005.png 518.8579 +/furniture_store_0002a/rgb_00043.jpg /furniture_store_0002a/sync_depth_00043.png 518.8579 +/bedroom_0104/rgb_00091.jpg /bedroom_0104/sync_depth_00091.png 518.8579 +/living_room_0050/rgb_00251.jpg /living_room_0050/sync_depth_00251.png 518.8579 +/living_room_0010/rgb_00243.jpg /living_room_0010/sync_depth_00243.png 518.8579 +/office_kitchen_0003/rgb_00058.jpg /office_kitchen_0003/sync_depth_00058.png 518.8579 +/bookstore_0001h/rgb_00121.jpg /bookstore_0001h/sync_depth_00121.png 518.8579 +/bedroom_0130/rgb_00075.jpg /bedroom_0130/sync_depth_00075.png 518.8579 +/furniture_store_0002b/rgb_00113.jpg /furniture_store_0002b/sync_depth_00113.png 518.8579 +/living_room_0011/rgb_00045.jpg /living_room_0011/sync_depth_00045.png 518.8579 +/bathroom_0045a/rgb_00055.jpg /bathroom_0045a/sync_depth_00055.png 518.8579 +/dining_room_0014/rgb_00099.jpg /dining_room_0014/sync_depth_00099.png 518.8579 +/kitchen_0019a/rgb_00217.jpg /kitchen_0019a/sync_depth_00217.png 518.8579 +/bathroom_0049/rgb_00025.jpg /bathroom_0049/sync_depth_00025.png 518.8579 +/furniture_store_0002a/rgb_00407.jpg /furniture_store_0002a/sync_depth_00407.png 518.8579 +/living_room_0010/rgb_00052.jpg /living_room_0010/sync_depth_00052.png 518.8579 +/classroom_0018/rgb_00046.jpg /classroom_0018/sync_depth_00046.png 518.8579 +/living_room_0019/rgb_00125.jpg /living_room_0019/sync_depth_00125.png 518.8579 +/kitchen_0052/rgb_00110.jpg /kitchen_0052/sync_depth_00110.png 518.8579 +/furniture_store_0002b/rgb_00212.jpg /furniture_store_0002b/sync_depth_00212.png 518.8579 +/bedroom_0051/rgb_00045.jpg /bedroom_0051/sync_depth_00045.png 518.8579 +/living_room_0019/rgb_00027.jpg /living_room_0019/sync_depth_00027.png 518.8579 +/kitchen_0050/rgb_00057.jpg /kitchen_0050/sync_depth_00057.png 518.8579 +/bookstore_0001j/rgb_00226.jpg /bookstore_0001j/sync_depth_00226.png 518.8579 +/bookstore_0001f/rgb_00416.jpg /bookstore_0001f/sync_depth_00416.png 518.8579 +/bedroom_0096/rgb_00030.jpg /bedroom_0096/sync_depth_00030.png 518.8579 +/bedroom_0138/rgb_00054.jpg /bedroom_0138/sync_depth_00054.png 518.8579 +/bedroom_0010/rgb_00086.jpg /bedroom_0010/sync_depth_00086.png 518.8579 +/kitchen_0043/rgb_00066.jpg /kitchen_0043/sync_depth_00066.png 518.8579 +/bedroom_0140/rgb_00010.jpg /bedroom_0140/sync_depth_00010.png 518.8579 +/bedroom_0074/rgb_00020.jpg /bedroom_0074/sync_depth_00020.png 518.8579 +/dining_room_0019/rgb_00135.jpg /dining_room_0019/sync_depth_00135.png 518.8579 +/dining_room_0028/rgb_00047.jpg /dining_room_0028/sync_depth_00047.png 518.8579 +/furniture_store_0001c/rgb_00002.jpg /furniture_store_0001c/sync_depth_00002.png 518.8579 +/office_0006/rgb_00043.jpg /office_0006/sync_depth_00043.png 518.8579 +/dining_room_0029/rgb_00095.jpg /dining_room_0029/sync_depth_00095.png 518.8579 +/kitchen_0045a/rgb_00089.jpg /kitchen_0045a/sync_depth_00089.png 518.8579 +/bedroom_0129/rgb_00073.jpg /bedroom_0129/sync_depth_00073.png 518.8579 +/living_room_0020/rgb_00041.jpg /living_room_0020/sync_depth_00041.png 518.8579 +/kitchen_0029c/rgb_00031.jpg /kitchen_0029c/sync_depth_00031.png 518.8579 +/dining_room_0031/rgb_00340.jpg /dining_room_0031/sync_depth_00340.png 518.8579 +/bookstore_0001e/rgb_00037.jpg /bookstore_0001e/sync_depth_00037.png 518.8579 +/kitchen_0047/rgb_00039.jpg /kitchen_0047/sync_depth_00039.png 518.8579 +/conference_room_0002/rgb_00002.jpg /conference_room_0002/sync_depth_00002.png 518.8579 +/living_room_0020/rgb_00245.jpg /living_room_0020/sync_depth_00245.png 518.8579 +/home_office_0011/rgb_00052.jpg /home_office_0011/sync_depth_00052.png 518.8579 +/furniture_store_0001a/rgb_00019.jpg /furniture_store_0001a/sync_depth_00019.png 518.8579 +/kitchen_0050/rgb_00017.jpg /kitchen_0050/sync_depth_00017.png 518.8579 +/dining_room_0031/rgb_00055.jpg /dining_room_0031/sync_depth_00055.png 518.8579 +/conference_room_0001/rgb_00092.jpg /conference_room_0001/sync_depth_00092.png 518.8579 +/office_kitchen_0003/rgb_00039.jpg /office_kitchen_0003/sync_depth_00039.png 518.8579 +/study_room_0004/rgb_00208.jpg /study_room_0004/sync_depth_00208.png 518.8579 +/kitchen_0019b/rgb_00034.jpg /kitchen_0019b/sync_depth_00034.png 518.8579 +/dining_room_0013/rgb_00113.jpg /dining_room_0013/sync_depth_00113.png 518.8579 +/bookstore_0001j/rgb_00026.jpg /bookstore_0001j/sync_depth_00026.png 518.8579 +/bedroom_0065/rgb_00029.jpg /bedroom_0065/sync_depth_00029.png 518.8579 +/bedroom_0017/rgb_00157.jpg /bedroom_0017/sync_depth_00157.png 518.8579 +/bedroom_0017/rgb_00043.jpg /bedroom_0017/sync_depth_00043.png 518.8579 +/bedroom_0106/rgb_00147.jpg /bedroom_0106/sync_depth_00147.png 518.8579 +/living_room_0086b/rgb_00001.jpg /living_room_0086b/sync_depth_00001.png 518.8579 +/home_office_0005/rgb_00048.jpg /home_office_0005/sync_depth_00048.png 518.8579 +/bookstore_0001d/rgb_00133.jpg /bookstore_0001d/sync_depth_00133.png 518.8579 +/living_room_0050/rgb_00152.jpg /living_room_0050/sync_depth_00152.png 518.8579 +/bedroom_0053/rgb_00012.jpg /bedroom_0053/sync_depth_00012.png 518.8579 +/bathroom_0007/rgb_00080.jpg /bathroom_0007/sync_depth_00080.png 518.8579 +/office_kitchen_0001b/rgb_00002.jpg /office_kitchen_0001b/sync_depth_00002.png 518.8579 +/living_room_0086a/rgb_00054.jpg /living_room_0086a/sync_depth_00054.png 518.8579 +/dining_room_0023/rgb_00007.jpg /dining_room_0023/sync_depth_00007.png 518.8579 +/living_room_0019/rgb_00134.jpg /living_room_0019/sync_depth_00134.png 518.8579 +/living_room_0038/rgb_00015.jpg /living_room_0038/sync_depth_00015.png 518.8579 +/laundry_room_0001/rgb_00013.jpg /laundry_room_0001/sync_depth_00013.png 518.8579 +/kitchen_0003/rgb_00135.jpg /kitchen_0003/sync_depth_00135.png 518.8579 +/living_room_0047b/rgb_00010.jpg /living_room_0047b/sync_depth_00010.png 518.8579 +/bedroom_0052/rgb_00062.jpg /bedroom_0052/sync_depth_00062.png 518.8579 +/kitchen_0051/rgb_00114.jpg /kitchen_0051/sync_depth_00114.png 518.8579 +/reception_room_0004/rgb_00009.jpg /reception_room_0004/sync_depth_00009.png 518.8579 +/home_office_0005/rgb_00058.jpg /home_office_0005/sync_depth_00058.png 518.8579 +/bedroom_0040/rgb_00050.jpg /bedroom_0040/sync_depth_00050.png 518.8579 +/kitchen_0048/rgb_00029.jpg /kitchen_0048/sync_depth_00029.png 518.8579 +/bedroom_0071/rgb_00028.jpg /bedroom_0071/sync_depth_00028.png 518.8579 +/furniture_store_0001e/rgb_00089.jpg /furniture_store_0001e/sync_depth_00089.png 518.8579 +/kitchen_0019a/rgb_00215.jpg /kitchen_0019a/sync_depth_00215.png 518.8579 +/living_room_0012/rgb_00084.jpg /living_room_0012/sync_depth_00084.png 518.8579 +/classroom_0022/rgb_00010.jpg /classroom_0022/sync_depth_00010.png 518.8579 +/study_room_0005b/rgb_00065.jpg /study_room_0005b/sync_depth_00065.png 518.8579 +/classroom_0004/rgb_00006.jpg /classroom_0004/sync_depth_00006.png 518.8579 +/bedroom_0010/rgb_00030.jpg /bedroom_0010/sync_depth_00030.png 518.8579 +/bedroom_0021/rgb_00044.jpg /bedroom_0021/sync_depth_00044.png 518.8579 +/bedroom_0138/rgb_00076.jpg /bedroom_0138/sync_depth_00076.png 518.8579 +/office_kitchen_0001a/rgb_00060.jpg /office_kitchen_0001a/sync_depth_00060.png 518.8579 +/furniture_store_0002c/rgb_00050.jpg /furniture_store_0002c/sync_depth_00050.png 518.8579 +/office_0026/rgb_00141.jpg /office_0026/sync_depth_00141.png 518.8579 +/bedroom_0017/rgb_00154.jpg /bedroom_0017/sync_depth_00154.png 518.8579 +/furniture_store_0001d/rgb_00268.jpg /furniture_store_0001d/sync_depth_00268.png 518.8579 +/classroom_0003/rgb_00068.jpg /classroom_0003/sync_depth_00068.png 518.8579 +/bedroom_0076a/rgb_00091.jpg /bedroom_0076a/sync_depth_00091.png 518.8579 +/living_room_0033/rgb_00052.jpg /living_room_0033/sync_depth_00052.png 518.8579 +/living_room_0067/rgb_00064.jpg /living_room_0067/sync_depth_00064.png 518.8579 +/dining_room_0034/rgb_00088.jpg /dining_room_0034/sync_depth_00088.png 518.8579 +/kitchen_0045b/rgb_00139.jpg /kitchen_0045b/sync_depth_00139.png 518.8579 +/living_room_0018/rgb_00084.jpg /living_room_0018/sync_depth_00084.png 518.8579 +/dining_room_0013/rgb_00183.jpg /dining_room_0013/sync_depth_00183.png 518.8579 +/furniture_store_0002a/rgb_00193.jpg /furniture_store_0002a/sync_depth_00193.png 518.8579 +/furniture_store_0002a/rgb_00245.jpg /furniture_store_0002a/sync_depth_00245.png 518.8579 +/living_room_0010/rgb_00229.jpg /living_room_0010/sync_depth_00229.png 518.8579 +/classroom_0010/rgb_00058.jpg /classroom_0010/sync_depth_00058.png 518.8579 +/bookstore_0001h/rgb_00014.jpg /bookstore_0001h/sync_depth_00014.png 518.8579 +/living_room_0010/rgb_00232.jpg /living_room_0010/sync_depth_00232.png 518.8579 +/bedroom_0060/rgb_00049.jpg /bedroom_0060/sync_depth_00049.png 518.8579 +/home_office_0005/rgb_00049.jpg /home_office_0005/sync_depth_00049.png 518.8579 +/dining_room_0014/rgb_00026.jpg /dining_room_0014/sync_depth_00026.png 518.8579 +/living_room_0055/rgb_00116.jpg /living_room_0055/sync_depth_00116.png 518.8579 +/dining_room_0007/rgb_00161.jpg /dining_room_0007/sync_depth_00161.png 518.8579 +/bedroom_0021/rgb_00001.jpg /bedroom_0021/sync_depth_00001.png 518.8579 +/home_office_0011/rgb_00101.jpg /home_office_0011/sync_depth_00101.png 518.8579 +/dining_room_0008/rgb_00067.jpg /dining_room_0008/sync_depth_00067.png 518.8579 +/dining_room_0013/rgb_00191.jpg /dining_room_0013/sync_depth_00191.png 518.8579 +/home_office_0004/rgb_00007.jpg /home_office_0004/sync_depth_00007.png 518.8579 +/living_room_0018/rgb_00142.jpg /living_room_0018/sync_depth_00142.png 518.8579 +/kitchen_0043/rgb_00164.jpg /kitchen_0043/sync_depth_00164.png 518.8579 +/bedroom_0033/rgb_00043.jpg /bedroom_0033/sync_depth_00043.png 518.8579 +/bedroom_0113/rgb_00022.jpg /bedroom_0113/sync_depth_00022.png 518.8579 +/living_room_0040/rgb_00055.jpg /living_room_0040/sync_depth_00055.png 518.8579 +/bookstore_0001j/rgb_00249.jpg /bookstore_0001j/sync_depth_00249.png 518.8579 +/bookstore_0001j/rgb_00038.jpg /bookstore_0001j/sync_depth_00038.png 518.8579 +/bedroom_0076a/rgb_00027.jpg /bedroom_0076a/sync_depth_00027.png 518.8579 +/bedroom_0004/rgb_00073.jpg /bedroom_0004/sync_depth_00073.png 518.8579 +/living_room_0067/rgb_00022.jpg /living_room_0067/sync_depth_00022.png 518.8579 +/living_room_0086a/rgb_00046.jpg /living_room_0086a/sync_depth_00046.png 518.8579 +/bookstore_0001f/rgb_00469.jpg /bookstore_0001f/sync_depth_00469.png 518.8579 +/office_kitchen_0001a/rgb_00016.jpg /office_kitchen_0001a/sync_depth_00016.png 518.8579 +/living_room_0022/rgb_00088.jpg /living_room_0022/sync_depth_00088.png 518.8579 +/living_room_0058/rgb_00078.jpg /living_room_0058/sync_depth_00078.png 518.8579 +/bookstore_0001g/rgb_00243.jpg /bookstore_0001g/sync_depth_00243.png 518.8579 +/kitchen_0041/rgb_00017.jpg /kitchen_0041/sync_depth_00017.png 518.8579 +/kitchen_0019a/rgb_00250.jpg /kitchen_0019a/sync_depth_00250.png 518.8579 +/living_room_0042b/rgb_00056.jpg /living_room_0042b/sync_depth_00056.png 518.8579 +/dining_room_0019/rgb_00014.jpg /dining_room_0019/sync_depth_00014.png 518.8579 +/furniture_store_0002a/rgb_00188.jpg /furniture_store_0002a/sync_depth_00188.png 518.8579 +/nyu_office_0/rgb_00334.jpg /nyu_office_0/sync_depth_00334.png 518.8579 +/bedroom_0118/rgb_00000.jpg /bedroom_0118/sync_depth_00000.png 518.8579 +/living_room_0040/rgb_00317.jpg /living_room_0040/sync_depth_00317.png 518.8579 +/living_room_0069b/rgb_00064.jpg /living_room_0069b/sync_depth_00064.png 518.8579 +/bookstore_0001g/rgb_00185.jpg /bookstore_0001g/sync_depth_00185.png 518.8579 +/living_room_0067/rgb_00091.jpg /living_room_0067/sync_depth_00091.png 518.8579 +/bathroom_0035/rgb_00018.jpg /bathroom_0035/sync_depth_00018.png 518.8579 +/bedroom_0090/rgb_00006.jpg /bedroom_0090/sync_depth_00006.png 518.8579 +/living_room_0040/rgb_00013.jpg /living_room_0040/sync_depth_00013.png 518.8579 +/dining_room_0007/rgb_00231.jpg /dining_room_0007/sync_depth_00231.png 518.8579 +/office_0025/rgb_00040.jpg /office_0025/sync_depth_00040.png 518.8579 +/study_room_0004/rgb_00042.jpg /study_room_0004/sync_depth_00042.png 518.8579 +/bedroom_0015/rgb_00002.jpg /bedroom_0015/sync_depth_00002.png 518.8579 +/bookstore_0001f/rgb_00283.jpg /bookstore_0001f/sync_depth_00283.png 518.8579 +/bookstore_0001f/rgb_00307.jpg /bookstore_0001f/sync_depth_00307.png 518.8579 +/living_room_0018/rgb_00021.jpg /living_room_0018/sync_depth_00021.png 518.8579 +/living_room_0047b/rgb_00001.jpg /living_room_0047b/sync_depth_00001.png 518.8579 +/student_lounge_0001/rgb_00209.jpg /student_lounge_0001/sync_depth_00209.png 518.8579 +/kitchen_0019b/rgb_00018.jpg /kitchen_0019b/sync_depth_00018.png 518.8579 +/living_room_0020/rgb_00005.jpg /living_room_0020/sync_depth_00005.png 518.8579 +/living_room_0039/rgb_00067.jpg /living_room_0039/sync_depth_00067.png 518.8579 +/classroom_0006/rgb_00178.jpg /classroom_0006/sync_depth_00178.png 518.8579 +/kitchen_0031/rgb_00127.jpg /kitchen_0031/sync_depth_00127.png 518.8579 +/kitchen_0028a/rgb_00165.jpg /kitchen_0028a/sync_depth_00165.png 518.8579 +/kitchen_0051/rgb_00159.jpg /kitchen_0051/sync_depth_00159.png 518.8579 +/living_room_0010/rgb_00064.jpg /living_room_0010/sync_depth_00064.png 518.8579 +/bookstore_0001i/rgb_00045.jpg /bookstore_0001i/sync_depth_00045.png 518.8579 +/kitchen_0035a/rgb_00058.jpg /kitchen_0035a/sync_depth_00058.png 518.8579 +/dining_room_0012/rgb_00027.jpg /dining_room_0012/sync_depth_00027.png 518.8579 +/living_room_0067/rgb_00074.jpg /living_room_0067/sync_depth_00074.png 518.8579 +/bedroom_0138/rgb_00009.jpg /bedroom_0138/sync_depth_00009.png 518.8579 +/dining_room_0034/rgb_00053.jpg /dining_room_0034/sync_depth_00053.png 518.8579 +/living_room_0047b/rgb_00034.jpg /living_room_0047b/sync_depth_00034.png 518.8579 +/bookstore_0001d/rgb_00181.jpg /bookstore_0001d/sync_depth_00181.png 518.8579 +/bookstore_0001h/rgb_00083.jpg /bookstore_0001h/sync_depth_00083.png 518.8579 +/furniture_store_0001b/rgb_00051.jpg /furniture_store_0001b/sync_depth_00051.png 518.8579 +/bookstore_0001f/rgb_00458.jpg /bookstore_0001f/sync_depth_00458.png 518.8579 +/living_room_0063/rgb_00130.jpg /living_room_0063/sync_depth_00130.png 518.8579 +/bedroom_0047/rgb_00000.jpg /bedroom_0047/sync_depth_00000.png 518.8579 +/conference_room_0002/rgb_00011.jpg /conference_room_0002/sync_depth_00011.png 518.8579 +/living_room_0046b/rgb_00061.jpg /living_room_0046b/sync_depth_00061.png 518.8579 +/bedroom_0074/rgb_00049.jpg /bedroom_0074/sync_depth_00049.png 518.8579 +/kitchen_0008/rgb_00015.jpg /kitchen_0008/sync_depth_00015.png 518.8579 +/living_room_0018/rgb_00092.jpg /living_room_0018/sync_depth_00092.png 518.8579 +/playroom_0002/rgb_00092.jpg /playroom_0002/sync_depth_00092.png 518.8579 +/basement_0001a/rgb_00092.jpg /basement_0001a/sync_depth_00092.png 518.8579 +/living_room_0029/rgb_00038.jpg /living_room_0029/sync_depth_00038.png 518.8579 +/kitchen_0051/rgb_00190.jpg /kitchen_0051/sync_depth_00190.png 518.8579 +/bedroom_0138/rgb_00066.jpg /bedroom_0138/sync_depth_00066.png 518.8579 +/kitchen_0045b/rgb_00024.jpg /kitchen_0045b/sync_depth_00024.png 518.8579 +/kitchen_0049/rgb_00033.jpg /kitchen_0049/sync_depth_00033.png 518.8579 +/kitchen_0059/rgb_00006.jpg /kitchen_0059/sync_depth_00006.png 518.8579 +/student_lounge_0001/rgb_00060.jpg /student_lounge_0001/sync_depth_00060.png 518.8579 +/living_room_0058/rgb_00042.jpg /living_room_0058/sync_depth_00042.png 518.8579 +/bedroom_0025/rgb_00055.jpg /bedroom_0025/sync_depth_00055.png 518.8579 +/living_room_0069b/rgb_00012.jpg /living_room_0069b/sync_depth_00012.png 518.8579 +/office_0023/rgb_00035.jpg /office_0023/sync_depth_00035.png 518.8579 +/home_office_0006/rgb_00099.jpg /home_office_0006/sync_depth_00099.png 518.8579 +/bedroom_0052/rgb_00144.jpg /bedroom_0052/sync_depth_00144.png 518.8579 +/dining_room_0014/rgb_00097.jpg /dining_room_0014/sync_depth_00097.png 518.8579 +/living_room_0086a/rgb_00048.jpg /living_room_0086a/sync_depth_00048.png 518.8579 +/living_room_0035/rgb_00074.jpg /living_room_0035/sync_depth_00074.png 518.8579 +/foyer_0002/rgb_00003.jpg /foyer_0002/sync_depth_00003.png 518.8579 +/bedroom_0086/rgb_00010.jpg /bedroom_0086/sync_depth_00010.png 518.8579 +/bedroom_0066/rgb_00058.jpg /bedroom_0066/sync_depth_00058.png 518.8579 +/bedroom_0076a/rgb_00095.jpg /bedroom_0076a/sync_depth_00095.png 518.8579 +/living_room_0058/rgb_00114.jpg /living_room_0058/sync_depth_00114.png 518.8579 +/living_room_0058/rgb_00088.jpg /living_room_0058/sync_depth_00088.png 518.8579 +/office_0026/rgb_00041.jpg /office_0026/sync_depth_00041.png 518.8579 +/living_room_0050/rgb_00115.jpg /living_room_0050/sync_depth_00115.png 518.8579 +/living_room_0018/rgb_00059.jpg /living_room_0018/sync_depth_00059.png 518.8579 +/bedroom_0072/rgb_00083.jpg /bedroom_0072/sync_depth_00083.png 518.8579 +/bedroom_0071/rgb_00100.jpg /bedroom_0071/sync_depth_00100.png 518.8579 +/nyu_office_0/rgb_00189.jpg /nyu_office_0/sync_depth_00189.png 518.8579 +/bathroom_0019/rgb_00052.jpg /bathroom_0019/sync_depth_00052.png 518.8579 +/living_room_0068/rgb_00040.jpg /living_room_0068/sync_depth_00040.png 518.8579 +/kitchen_0037/rgb_00072.jpg /kitchen_0037/sync_depth_00072.png 518.8579 +/kitchen_0035b/rgb_00022.jpg /kitchen_0035b/sync_depth_00022.png 518.8579 +/living_room_0070/rgb_00070.jpg /living_room_0070/sync_depth_00070.png 518.8579 +/bedroom_0120/rgb_00032.jpg /bedroom_0120/sync_depth_00032.png 518.8579 +/living_room_0039/rgb_00158.jpg /living_room_0039/sync_depth_00158.png 518.8579 +/dining_room_0019/rgb_00013.jpg /dining_room_0019/sync_depth_00013.png 518.8579 +/bookstore_0001d/rgb_00061.jpg /bookstore_0001d/sync_depth_00061.png 518.8579 +/bookstore_0001f/rgb_00364.jpg /bookstore_0001f/sync_depth_00364.png 518.8579 +/bathroom_0024/rgb_00046.jpg /bathroom_0024/sync_depth_00046.png 518.8579 +/office_0006/rgb_00081.jpg /office_0006/sync_depth_00081.png 518.8579 +/kitchen_0031/rgb_00194.jpg /kitchen_0031/sync_depth_00194.png 518.8579 +/bedroom_0025/rgb_00081.jpg /bedroom_0025/sync_depth_00081.png 518.8579 +/office_kitchen_0001b/rgb_00036.jpg /office_kitchen_0001b/sync_depth_00036.png 518.8579 +/bedroom_0015/rgb_00048.jpg /bedroom_0015/sync_depth_00048.png 518.8579 +/living_room_0022/rgb_00069.jpg /living_room_0022/sync_depth_00069.png 518.8579 +/reception_room_0001a/rgb_00073.jpg /reception_room_0001a/sync_depth_00073.png 518.8579 +/living_room_0011/rgb_00057.jpg /living_room_0011/sync_depth_00057.png 518.8579 +/kitchen_0049/rgb_00145.jpg /kitchen_0049/sync_depth_00145.png 518.8579 +/dining_room_0007/rgb_00073.jpg /dining_room_0007/sync_depth_00073.png 518.8579 +/kitchen_0043/rgb_00009.jpg /kitchen_0043/sync_depth_00009.png 518.8579 +/basement_0001b/rgb_00000.jpg /basement_0001b/sync_depth_00000.png 518.8579 +/playroom_0003/rgb_00095.jpg /playroom_0003/sync_depth_00095.png 518.8579 +/bedroom_0094/rgb_00001.jpg /bedroom_0094/sync_depth_00001.png 518.8579 +/bedroom_0071/rgb_00171.jpg /bedroom_0071/sync_depth_00171.png 518.8579 +/dining_room_0001b/rgb_00219.jpg /dining_room_0001b/sync_depth_00219.png 518.8579 +/bookstore_0001d/rgb_00016.jpg /bookstore_0001d/sync_depth_00016.png 518.8579 +/dining_room_0031/rgb_00215.jpg /dining_room_0031/sync_depth_00215.png 518.8579 +/living_room_0050/rgb_00137.jpg /living_room_0050/sync_depth_00137.png 518.8579 +/kitchen_0051/rgb_00024.jpg /kitchen_0051/sync_depth_00024.png 518.8579 +/living_room_0040/rgb_00110.jpg /living_room_0040/sync_depth_00110.png 518.8579 +/dining_room_0023/rgb_00049.jpg /dining_room_0023/sync_depth_00049.png 518.8579 +/classroom_0016/rgb_00061.jpg /classroom_0016/sync_depth_00061.png 518.8579 +/bedroom_0017/rgb_00046.jpg /bedroom_0017/sync_depth_00046.png 518.8579 +/bathroom_0057/rgb_00025.jpg /bathroom_0057/sync_depth_00025.png 518.8579 +/bedroom_0080/rgb_00028.jpg /bedroom_0080/sync_depth_00028.png 518.8579 +/kitchen_0049/rgb_00075.jpg /kitchen_0049/sync_depth_00075.png 518.8579 +/living_room_0067/rgb_00014.jpg /living_room_0067/sync_depth_00014.png 518.8579 +/office_0019/rgb_00034.jpg /office_0019/sync_depth_00034.png 518.8579 +/kitchen_0019b/rgb_00037.jpg /kitchen_0019b/sync_depth_00037.png 518.8579 +/furniture_store_0001d/rgb_00047.jpg /furniture_store_0001d/sync_depth_00047.png 518.8579 +/reception_room_0004/rgb_00085.jpg /reception_room_0004/sync_depth_00085.png 518.8579 +/nyu_office_0/rgb_00060.jpg /nyu_office_0/sync_depth_00060.png 518.8579 +/furniture_store_0002b/rgb_00036.jpg /furniture_store_0002b/sync_depth_00036.png 518.8579 +/bedroom_0025/rgb_00103.jpg /bedroom_0025/sync_depth_00103.png 518.8579 +/dining_room_0004/rgb_00120.jpg /dining_room_0004/sync_depth_00120.png 518.8579 +/kitchen_0035b/rgb_00070.jpg /kitchen_0035b/sync_depth_00070.png 518.8579 +/dining_room_0013/rgb_00017.jpg /dining_room_0013/sync_depth_00017.png 518.8579 +/reception_room_0004/rgb_00081.jpg /reception_room_0004/sync_depth_00081.png 518.8579 +/office_kitchen_0001a/rgb_00043.jpg /office_kitchen_0001a/sync_depth_00043.png 518.8579 +/study_room_0004/rgb_00148.jpg /study_room_0004/sync_depth_00148.png 518.8579 +/bathroom_0055/rgb_00037.jpg /bathroom_0055/sync_depth_00037.png 518.8579 +/dining_room_0019/rgb_00156.jpg /dining_room_0019/sync_depth_00156.png 518.8579 +/printer_room_0001/rgb_00054.jpg /printer_room_0001/sync_depth_00054.png 518.8579 +/living_room_0018/rgb_00213.jpg /living_room_0018/sync_depth_00213.png 518.8579 +/bookstore_0001j/rgb_00013.jpg /bookstore_0001j/sync_depth_00013.png 518.8579 +/bathroom_0007/rgb_00123.jpg /bathroom_0007/sync_depth_00123.png 518.8579 +/study_room_0004/rgb_00186.jpg /study_room_0004/sync_depth_00186.png 518.8579 +/bedroom_0132/rgb_00027.jpg /bedroom_0132/sync_depth_00027.png 518.8579 +/playroom_0004/rgb_00100.jpg /playroom_0004/sync_depth_00100.png 518.8579 +/kitchen_0045b/rgb_00044.jpg /kitchen_0045b/sync_depth_00044.png 518.8579 +/living_room_0039/rgb_00174.jpg /living_room_0039/sync_depth_00174.png 518.8579 +/dining_room_0029/rgb_00136.jpg /dining_room_0029/sync_depth_00136.png 518.8579 +/furniture_store_0002b/rgb_00123.jpg /furniture_store_0002b/sync_depth_00123.png 518.8579 +/living_room_0046b/rgb_00074.jpg /living_room_0046b/sync_depth_00074.png 518.8579 +/bookstore_0001f/rgb_00342.jpg /bookstore_0001f/sync_depth_00342.png 518.8579 +/kitchen_0031/rgb_00069.jpg /kitchen_0031/sync_depth_00069.png 518.8579 +/bedroom_0017/rgb_00108.jpg /bedroom_0017/sync_depth_00108.png 518.8579 +/bedroom_0129/rgb_00046.jpg /bedroom_0129/sync_depth_00046.png 518.8579 +/furniture_store_0002b/rgb_00082.jpg /furniture_store_0002b/sync_depth_00082.png 518.8579 +/study_0004/rgb_00067.jpg /study_0004/sync_depth_00067.png 518.8579 +/dining_room_0028/rgb_00130.jpg /dining_room_0028/sync_depth_00130.png 518.8579 +/living_room_0047a/rgb_00009.jpg /living_room_0047a/sync_depth_00009.png 518.8579 +/bookstore_0001d/rgb_00144.jpg /bookstore_0001d/sync_depth_00144.png 518.8579 +/furniture_store_0002b/rgb_00200.jpg /furniture_store_0002b/sync_depth_00200.png 518.8579 +/furniture_store_0001b/rgb_00015.jpg /furniture_store_0001b/sync_depth_00015.png 518.8579 +/bedroom_0113/rgb_00020.jpg /bedroom_0113/sync_depth_00020.png 518.8579 +/playroom_0002/rgb_00067.jpg /playroom_0002/sync_depth_00067.png 518.8579 +/playroom_0002/rgb_00127.jpg /playroom_0002/sync_depth_00127.png 518.8579 +/furniture_store_0002a/rgb_00336.jpg /furniture_store_0002a/sync_depth_00336.png 518.8579 +/bedroom_0130/rgb_00074.jpg /bedroom_0130/sync_depth_00074.png 518.8579 +/living_room_0086a/rgb_00074.jpg /living_room_0086a/sync_depth_00074.png 518.8579 +/bathroom_0014a/rgb_00025.jpg /bathroom_0014a/sync_depth_00025.png 518.8579 +/office_0011/rgb_00012.jpg /office_0011/sync_depth_00012.png 518.8579 +/bookstore_0001h/rgb_00153.jpg /bookstore_0001h/sync_depth_00153.png 518.8579 +/living_room_0039/rgb_00091.jpg /living_room_0039/sync_depth_00091.png 518.8579 +/bedroom_0014/rgb_00012.jpg /bedroom_0014/sync_depth_00012.png 518.8579 +/dining_room_0007/rgb_00229.jpg /dining_room_0007/sync_depth_00229.png 518.8579 +/dining_room_0031/rgb_00099.jpg /dining_room_0031/sync_depth_00099.png 518.8579 +/bedroom_0034/rgb_00058.jpg /bedroom_0034/sync_depth_00058.png 518.8579 +/bathroom_0007/rgb_00102.jpg /bathroom_0007/sync_depth_00102.png 518.8579 +/kitchen_0045a/rgb_00043.jpg /kitchen_0045a/sync_depth_00043.png 518.8579 +/playroom_0004/rgb_00094.jpg /playroom_0004/sync_depth_00094.png 518.8579 +/bookstore_0001d/rgb_00209.jpg /bookstore_0001d/sync_depth_00209.png 518.8579 +/kitchen_0053/rgb_00003.jpg /kitchen_0053/sync_depth_00003.png 518.8579 +/living_room_0035/rgb_00096.jpg /living_room_0035/sync_depth_00096.png 518.8579 +/living_room_0004/rgb_00165.jpg /living_room_0004/sync_depth_00165.png 518.8579 +/bedroom_0019/rgb_00076.jpg /bedroom_0019/sync_depth_00076.png 518.8579 +/bedroom_0056b/rgb_00021.jpg /bedroom_0056b/sync_depth_00021.png 518.8579 +/living_room_0020/rgb_00209.jpg /living_room_0020/sync_depth_00209.png 518.8579 +/bathroom_0011/rgb_00039.jpg /bathroom_0011/sync_depth_00039.png 518.8579 +/kitchen_0048/rgb_00014.jpg /kitchen_0048/sync_depth_00014.png 518.8579 +/bedroom_0059/rgb_00075.jpg /bedroom_0059/sync_depth_00075.png 518.8579 +/bathroom_0013/rgb_00019.jpg /bathroom_0013/sync_depth_00019.png 518.8579 +/furniture_store_0001b/rgb_00063.jpg /furniture_store_0001b/sync_depth_00063.png 518.8579 +/dining_room_0007/rgb_00080.jpg /dining_room_0007/sync_depth_00080.png 518.8579 +/living_room_0050/rgb_00274.jpg /living_room_0050/sync_depth_00274.png 518.8579 +/living_room_0063/rgb_00166.jpg /living_room_0063/sync_depth_00166.png 518.8579 +/dining_room_0031/rgb_00048.jpg /dining_room_0031/sync_depth_00048.png 518.8579 +/home_office_0006/rgb_00188.jpg /home_office_0006/sync_depth_00188.png 518.8579 +/dining_room_0029/rgb_00091.jpg /dining_room_0029/sync_depth_00091.png 518.8579 +/printer_room_0001/rgb_00015.jpg /printer_room_0001/sync_depth_00015.png 518.8579 +/furniture_store_0001d/rgb_00264.jpg /furniture_store_0001d/sync_depth_00264.png 518.8579 +/dining_room_0008/rgb_00142.jpg /dining_room_0008/sync_depth_00142.png 518.8579 +/bedroom_0065/rgb_00023.jpg /bedroom_0065/sync_depth_00023.png 518.8579 +/bathroom_0007/rgb_00029.jpg /bathroom_0007/sync_depth_00029.png 518.8579 +/living_room_0006/rgb_00022.jpg /living_room_0006/sync_depth_00022.png 518.8579 +/living_room_0063/rgb_00136.jpg /living_room_0063/sync_depth_00136.png 518.8579 +/bedroom_0076a/rgb_00054.jpg /bedroom_0076a/sync_depth_00054.png 518.8579 +/bookstore_0001f/rgb_00061.jpg /bookstore_0001f/sync_depth_00061.png 518.8579 +/nyu_office_0/rgb_00200.jpg /nyu_office_0/sync_depth_00200.png 518.8579 +/bedroom_0078/rgb_00114.jpg /bedroom_0078/sync_depth_00114.png 518.8579 +/bedroom_0033/rgb_00143.jpg /bedroom_0033/sync_depth_00143.png 518.8579 +/kitchen_0060/rgb_00037.jpg /kitchen_0060/sync_depth_00037.png 518.8579 +/dining_room_0028/rgb_00116.jpg /dining_room_0028/sync_depth_00116.png 518.8579 +/cafe_0001c/rgb_00092.jpg /cafe_0001c/sync_depth_00092.png 518.8579 +/bedroom_0063/rgb_00133.jpg /bedroom_0063/sync_depth_00133.png 518.8579 +/living_room_0067/rgb_00086.jpg /living_room_0067/sync_depth_00086.png 518.8579 +/bedroom_0034/rgb_00018.jpg /bedroom_0034/sync_depth_00018.png 518.8579 +/home_office_0005/rgb_00011.jpg /home_office_0005/sync_depth_00011.png 518.8579 +/bedroom_0012/rgb_00075.jpg /bedroom_0012/sync_depth_00075.png 518.8579 +/dining_room_0015/rgb_00202.jpg /dining_room_0015/sync_depth_00202.png 518.8579 +/bathroom_0033/rgb_00002.jpg /bathroom_0033/sync_depth_00002.png 518.8579 +/bedroom_0016/rgb_00135.jpg /bedroom_0016/sync_depth_00135.png 518.8579 +/kitchen_0045b/rgb_00154.jpg /kitchen_0045b/sync_depth_00154.png 518.8579 +/bookstore_0001j/rgb_00170.jpg /bookstore_0001j/sync_depth_00170.png 518.8579 +/living_room_0022/rgb_00387.jpg /living_room_0022/sync_depth_00387.png 518.8579 +/kitchen_0049/rgb_00206.jpg /kitchen_0049/sync_depth_00206.png 518.8579 +/kitchen_0049/rgb_00182.jpg /kitchen_0049/sync_depth_00182.png 518.8579 +/classroom_0018/rgb_00022.jpg /classroom_0018/sync_depth_00022.png 518.8579 +/home_office_0007/rgb_00037.jpg /home_office_0007/sync_depth_00037.png 518.8579 +/dinette_0001/rgb_00007.jpg /dinette_0001/sync_depth_00007.png 518.8579 +/living_room_0022/rgb_00210.jpg /living_room_0022/sync_depth_00210.png 518.8579 +/living_room_0047b/rgb_00178.jpg /living_room_0047b/sync_depth_00178.png 518.8579 +/printer_room_0001/rgb_00026.jpg /printer_room_0001/sync_depth_00026.png 518.8579 +/bedroom_0106/rgb_00049.jpg /bedroom_0106/sync_depth_00049.png 518.8579 +/dining_room_0015/rgb_00038.jpg /dining_room_0015/sync_depth_00038.png 518.8579 +/bathroom_0010/rgb_00022.jpg /bathroom_0010/sync_depth_00022.png 518.8579 +/bedroom_0050/rgb_00024.jpg /bedroom_0050/sync_depth_00024.png 518.8579 +/living_room_0019/rgb_00124.jpg /living_room_0019/sync_depth_00124.png 518.8579 +/living_room_0018/rgb_00170.jpg /living_room_0018/sync_depth_00170.png 518.8579 +/bedroom_0056b/rgb_00038.jpg /bedroom_0056b/sync_depth_00038.png 518.8579 +/bedroom_0090/rgb_00030.jpg /bedroom_0090/sync_depth_00030.png 518.8579 +/dining_room_0012/rgb_00203.jpg /dining_room_0012/sync_depth_00203.png 518.8579 +/dining_room_0004/rgb_00011.jpg /dining_room_0004/sync_depth_00011.png 518.8579 +/living_room_0058/rgb_00000.jpg /living_room_0058/sync_depth_00000.png 518.8579 +/dining_room_0015/rgb_00026.jpg /dining_room_0015/sync_depth_00026.png 518.8579 +/furniture_store_0002a/rgb_00220.jpg /furniture_store_0002a/sync_depth_00220.png 518.8579 +/kitchen_0050/rgb_00196.jpg /kitchen_0050/sync_depth_00196.png 518.8579 +/kitchen_0047/rgb_00103.jpg /kitchen_0047/sync_depth_00103.png 518.8579 +/dining_room_0031/rgb_00405.jpg /dining_room_0031/sync_depth_00405.png 518.8579 +/bedroom_0052/rgb_00138.jpg /bedroom_0052/sync_depth_00138.png 518.8579 +/living_room_0083/rgb_00010.jpg /living_room_0083/sync_depth_00010.png 518.8579 +/home_office_0006/rgb_00134.jpg /home_office_0006/sync_depth_00134.png 518.8579 +/bedroom_0072/rgb_00044.jpg /bedroom_0072/sync_depth_00044.png 518.8579 +/living_room_0086b/rgb_00015.jpg /living_room_0086b/sync_depth_00015.png 518.8579 +/study_room_0005b/rgb_00078.jpg /study_room_0005b/sync_depth_00078.png 518.8579 +/dining_room_0014/rgb_00081.jpg /dining_room_0014/sync_depth_00081.png 518.8579 +/living_room_0047b/rgb_00146.jpg /living_room_0047b/sync_depth_00146.png 518.8579 +/playroom_0003/rgb_00024.jpg /playroom_0003/sync_depth_00024.png 518.8579 +/living_room_0070/rgb_00085.jpg /living_room_0070/sync_depth_00085.png 518.8579 +/bedroom_0071/rgb_00068.jpg /bedroom_0071/sync_depth_00068.png 518.8579 +/furniture_store_0002a/rgb_00012.jpg /furniture_store_0002a/sync_depth_00012.png 518.8579 +/office_0026/rgb_00139.jpg /office_0026/sync_depth_00139.png 518.8579 +/living_room_0050/rgb_00140.jpg /living_room_0050/sync_depth_00140.png 518.8579 +/conference_room_0001/rgb_00045.jpg /conference_room_0001/sync_depth_00045.png 518.8579 +/playroom_0004/rgb_00010.jpg /playroom_0004/sync_depth_00010.png 518.8579 +/bookstore_0001g/rgb_00025.jpg /bookstore_0001g/sync_depth_00025.png 518.8579 +/kitchen_0043/rgb_00259.jpg /kitchen_0043/sync_depth_00259.png 518.8579 +/living_room_0070/rgb_00009.jpg /living_room_0070/sync_depth_00009.png 518.8579 +/kitchen_0051/rgb_00032.jpg /kitchen_0051/sync_depth_00032.png 518.8579 +/bookstore_0001g/rgb_00263.jpg /bookstore_0001g/sync_depth_00263.png 518.8579 +/dining_room_0013/rgb_00013.jpg /dining_room_0013/sync_depth_00013.png 518.8579 +/bedroom_0069/rgb_00020.jpg /bedroom_0069/sync_depth_00020.png 518.8579 +/bedroom_0130/rgb_00062.jpg /bedroom_0130/sync_depth_00062.png 518.8579 +/dining_room_0001b/rgb_00164.jpg /dining_room_0001b/sync_depth_00164.png 518.8579 +/living_room_0010/rgb_00184.jpg /living_room_0010/sync_depth_00184.png 518.8579 +/bathroom_0057/rgb_00029.jpg /bathroom_0057/sync_depth_00029.png 518.8579 +/office_0024/rgb_00043.jpg /office_0024/sync_depth_00043.png 518.8579 +/dining_room_0019/rgb_00065.jpg /dining_room_0019/sync_depth_00065.png 518.8579 +/reception_room_0002/rgb_00056.jpg /reception_room_0002/sync_depth_00056.png 518.8579 +/dining_room_0024/rgb_00165.jpg /dining_room_0024/sync_depth_00165.png 518.8579 +/bedroom_0016/rgb_00016.jpg /bedroom_0016/sync_depth_00016.png 518.8579 +/living_room_0040/rgb_00087.jpg /living_room_0040/sync_depth_00087.png 518.8579 +/bathroom_0048/rgb_00091.jpg /bathroom_0048/sync_depth_00091.png 518.8579 +/dining_room_0024/rgb_00054.jpg /dining_room_0024/sync_depth_00054.png 518.8579 +/kitchen_0049/rgb_00113.jpg /kitchen_0049/sync_depth_00113.png 518.8579 +/living_room_0019/rgb_00243.jpg /living_room_0019/sync_depth_00243.png 518.8579 +/kitchen_0047/rgb_00148.jpg /kitchen_0047/sync_depth_00148.png 518.8579 +/kitchen_0043/rgb_00142.jpg /kitchen_0043/sync_depth_00142.png 518.8579 +/home_office_0011/rgb_00081.jpg /home_office_0011/sync_depth_00081.png 518.8579 +/bedroom_0050/rgb_00166.jpg /bedroom_0050/sync_depth_00166.png 518.8579 +/office_0018/rgb_00016.jpg /office_0018/sync_depth_00016.png 518.8579 +/kitchen_0050/rgb_00090.jpg /kitchen_0050/sync_depth_00090.png 518.8579 +/classroom_0003/rgb_00000.jpg /classroom_0003/sync_depth_00000.png 518.8579 +/bedroom_0129/rgb_00000.jpg /bedroom_0129/sync_depth_00000.png 518.8579 +/office_0011/rgb_00108.jpg /office_0011/sync_depth_00108.png 518.8579 +/kitchen_0029c/rgb_00073.jpg /kitchen_0029c/sync_depth_00073.png 518.8579 +/living_room_0004/rgb_00032.jpg /living_room_0004/sync_depth_00032.png 518.8579 +/kitchen_0028a/rgb_00164.jpg /kitchen_0028a/sync_depth_00164.png 518.8579 +/bedroom_0063/rgb_00086.jpg /bedroom_0063/sync_depth_00086.png 518.8579 +/dining_room_0001b/rgb_00114.jpg /dining_room_0001b/sync_depth_00114.png 518.8579 +/furniture_store_0002b/rgb_00266.jpg /furniture_store_0002b/sync_depth_00266.png 518.8579 +/living_room_0022/rgb_00112.jpg /living_room_0022/sync_depth_00112.png 518.8579 +/bedroom_0104/rgb_00054.jpg /bedroom_0104/sync_depth_00054.png 518.8579 +/bathroom_0028/rgb_00156.jpg /bathroom_0028/sync_depth_00156.png 518.8579 +/bathroom_0055/rgb_00008.jpg /bathroom_0055/sync_depth_00008.png 518.8579 +/home_office_0004/rgb_00159.jpg /home_office_0004/sync_depth_00159.png 518.8579 +/bedroom_0071/rgb_00030.jpg /bedroom_0071/sync_depth_00030.png 518.8579 +/kitchen_0060/rgb_00052.jpg /kitchen_0060/sync_depth_00052.png 518.8579 +/playroom_0003/rgb_00060.jpg /playroom_0003/sync_depth_00060.png 518.8579 +/dining_room_0031/rgb_00082.jpg /dining_room_0031/sync_depth_00082.png 518.8579 +/dining_room_0007/rgb_00077.jpg /dining_room_0007/sync_depth_00077.png 518.8579 +/bookstore_0001j/rgb_00274.jpg /bookstore_0001j/sync_depth_00274.png 518.8579 +/bedroom_0104/rgb_00012.jpg /bedroom_0104/sync_depth_00012.png 518.8579 +/living_room_0047b/rgb_00015.jpg /living_room_0047b/sync_depth_00015.png 518.8579 +/classroom_0010/rgb_00042.jpg /classroom_0010/sync_depth_00042.png 518.8579 +/home_storage_0001/rgb_00153.jpg /home_storage_0001/sync_depth_00153.png 518.8579 +/dining_room_0023/rgb_00055.jpg /dining_room_0023/sync_depth_00055.png 518.8579 +/living_room_0063/rgb_00142.jpg /living_room_0063/sync_depth_00142.png 518.8579 +/bookstore_0001h/rgb_00147.jpg /bookstore_0001h/sync_depth_00147.png 518.8579 +/bedroom_0012/rgb_00044.jpg /bedroom_0012/sync_depth_00044.png 518.8579 +/kitchen_0059/rgb_00083.jpg /kitchen_0059/sync_depth_00083.png 518.8579 +/dining_room_0004/rgb_00062.jpg /dining_room_0004/sync_depth_00062.png 518.8579 +/bookstore_0001f/rgb_00487.jpg /bookstore_0001f/sync_depth_00487.png 518.8579 +/home_storage_0001/rgb_00039.jpg /home_storage_0001/sync_depth_00039.png 518.8579 +/bedroom_0096/rgb_00046.jpg /bedroom_0096/sync_depth_00046.png 518.8579 +/kitchen_0003/rgb_00025.jpg /kitchen_0003/sync_depth_00025.png 518.8579 +/bedroom_0065/rgb_00000.jpg /bedroom_0065/sync_depth_00000.png 518.8579 +/dining_room_0012/rgb_00053.jpg /dining_room_0012/sync_depth_00053.png 518.8579 +/kitchen_0052/rgb_00011.jpg /kitchen_0052/sync_depth_00011.png 518.8579 +/living_room_0010/rgb_00216.jpg /living_room_0010/sync_depth_00216.png 518.8579 +/dining_room_0016/rgb_00176.jpg /dining_room_0016/sync_depth_00176.png 518.8579 +/living_room_0070/rgb_00032.jpg /living_room_0070/sync_depth_00032.png 518.8579 +/bookstore_0001h/rgb_00051.jpg /bookstore_0001h/sync_depth_00051.png 518.8579 +/bedroom_0090/rgb_00036.jpg /bedroom_0090/sync_depth_00036.png 518.8579 +/kitchen_0003/rgb_00097.jpg /kitchen_0003/sync_depth_00097.png 518.8579 +/furniture_store_0002d/rgb_00043.jpg /furniture_store_0002d/sync_depth_00043.png 518.8579 +/living_room_0040/rgb_00069.jpg /living_room_0040/sync_depth_00069.png 518.8579 +/dining_room_0031/rgb_00174.jpg /dining_room_0031/sync_depth_00174.png 518.8579 +/kitchen_0045b/rgb_00072.jpg /kitchen_0045b/sync_depth_00072.png 518.8579 +/living_room_0020/rgb_00143.jpg /living_room_0020/sync_depth_00143.png 518.8579 +/study_room_0004/rgb_00084.jpg /study_room_0004/sync_depth_00084.png 518.8579 +/bedroom_0052/rgb_00026.jpg /bedroom_0052/sync_depth_00026.png 518.8579 +/bookstore_0001f/rgb_00048.jpg /bookstore_0001f/sync_depth_00048.png 518.8579 +/classroom_0022/rgb_00035.jpg /classroom_0022/sync_depth_00035.png 518.8579 +/furniture_store_0001d/rgb_00089.jpg /furniture_store_0001d/sync_depth_00089.png 518.8579 +/bedroom_0062/rgb_00010.jpg /bedroom_0062/sync_depth_00010.png 518.8579 +/playroom_0003/rgb_00069.jpg /playroom_0003/sync_depth_00069.png 518.8579 +/living_room_0046b/rgb_00023.jpg /living_room_0046b/sync_depth_00023.png 518.8579 +/living_room_0033/rgb_00056.jpg /living_room_0033/sync_depth_00056.png 518.8579 +/bookstore_0001d/rgb_00344.jpg /bookstore_0001d/sync_depth_00344.png 518.8579 +/bedroom_0063/rgb_00117.jpg /bedroom_0063/sync_depth_00117.png 518.8579 +/furniture_store_0002a/rgb_00131.jpg /furniture_store_0002a/sync_depth_00131.png 518.8579 +/reception_room_0001a/rgb_00087.jpg /reception_room_0001a/sync_depth_00087.png 518.8579 +/playroom_0002/rgb_00124.jpg /playroom_0002/sync_depth_00124.png 518.8579 +/living_room_0083/rgb_00078.jpg /living_room_0083/sync_depth_00078.png 518.8579 +/kitchen_0035b/rgb_00056.jpg /kitchen_0035b/sync_depth_00056.png 518.8579 +/living_room_0019/rgb_00143.jpg /living_room_0019/sync_depth_00143.png 518.8579 +/bedroom_0125b/rgb_00025.jpg /bedroom_0125b/sync_depth_00025.png 518.8579 +/kitchen_0052/rgb_00023.jpg /kitchen_0052/sync_depth_00023.png 518.8579 +/bedroom_0010/rgb_00073.jpg /bedroom_0010/sync_depth_00073.png 518.8579 +/living_room_0050/rgb_00278.jpg /living_room_0050/sync_depth_00278.png 518.8579 +/dining_room_0012/rgb_00144.jpg /dining_room_0012/sync_depth_00144.png 518.8579 +/bedroom_0072/rgb_00000.jpg /bedroom_0072/sync_depth_00000.png 518.8579 +/kitchen_0051/rgb_00094.jpg /kitchen_0051/sync_depth_00094.png 518.8579 +/furniture_store_0001d/rgb_00246.jpg /furniture_store_0001d/sync_depth_00246.png 518.8579 +/bedroom_0041/rgb_00049.jpg /bedroom_0041/sync_depth_00049.png 518.8579 +/study_0003/rgb_00096.jpg /study_0003/sync_depth_00096.png 518.8579 +/kitchen_0053/rgb_00130.jpg /kitchen_0053/sync_depth_00130.png 518.8579 +/bedroom_0059/rgb_00021.jpg /bedroom_0059/sync_depth_00021.png 518.8579 +/bedroom_0052/rgb_00167.jpg /bedroom_0052/sync_depth_00167.png 518.8579 +/bedroom_0039/rgb_00007.jpg /bedroom_0039/sync_depth_00007.png 518.8579 +/bathroom_0042/rgb_00002.jpg /bathroom_0042/sync_depth_00002.png 518.8579 +/bedroom_0015/rgb_00087.jpg /bedroom_0015/sync_depth_00087.png 518.8579 +/living_room_0047b/rgb_00166.jpg /living_room_0047b/sync_depth_00166.png 518.8579 +/kitchen_0060/rgb_00135.jpg /kitchen_0060/sync_depth_00135.png 518.8579 +/bedroom_0071/rgb_00001.jpg /bedroom_0071/sync_depth_00001.png 518.8579 +/living_room_0020/rgb_00112.jpg /living_room_0020/sync_depth_00112.png 518.8579 +/living_room_0078/rgb_00053.jpg /living_room_0078/sync_depth_00053.png 518.8579 +/dining_room_0028/rgb_00043.jpg /dining_room_0028/sync_depth_00043.png 518.8579 +/bathroom_0053/rgb_00003.jpg /bathroom_0053/sync_depth_00003.png 518.8579 +/home_office_0008/rgb_00052.jpg /home_office_0008/sync_depth_00052.png 518.8579 +/living_room_0063/rgb_00030.jpg /living_room_0063/sync_depth_00030.png 518.8579 +/living_room_0022/rgb_00361.jpg /living_room_0022/sync_depth_00361.png 518.8579 +/kitchen_0049/rgb_00192.jpg /kitchen_0049/sync_depth_00192.png 518.8579 +/bedroom_0076a/rgb_00257.jpg /bedroom_0076a/sync_depth_00257.png 518.8579 +/bathroom_0028/rgb_00127.jpg /bathroom_0028/sync_depth_00127.png 518.8579 +/bedroom_0120/rgb_00013.jpg /bedroom_0120/sync_depth_00013.png 518.8579 +/office_0011/rgb_00031.jpg /office_0011/sync_depth_00031.png 518.8579 +/bedroom_0126/rgb_00059.jpg /bedroom_0126/sync_depth_00059.png 518.8579 +/furniture_store_0001d/rgb_00169.jpg /furniture_store_0001d/sync_depth_00169.png 518.8579 +/office_0012/rgb_00089.jpg /office_0012/sync_depth_00089.png 518.8579 +/living_room_0022/rgb_00173.jpg /living_room_0022/sync_depth_00173.png 518.8579 +/dining_room_0007/rgb_00175.jpg /dining_room_0007/sync_depth_00175.png 518.8579 +/kitchen_0050/rgb_00022.jpg /kitchen_0050/sync_depth_00022.png 518.8579 +/bedroom_0063/rgb_00021.jpg /bedroom_0063/sync_depth_00021.png 518.8579 +/office_0003/rgb_00025.jpg /office_0003/sync_depth_00025.png 518.8579 +/bedroom_0034/rgb_00025.jpg /bedroom_0034/sync_depth_00025.png 518.8579 +/dining_room_0002/rgb_00006.jpg /dining_room_0002/sync_depth_00006.png 518.8579 +/bedroom_0052/rgb_00207.jpg /bedroom_0052/sync_depth_00207.png 518.8579 +/home_office_0005/rgb_00119.jpg /home_office_0005/sync_depth_00119.png 518.8579 +/bedroom_0106/rgb_00075.jpg /bedroom_0106/sync_depth_00075.png 518.8579 +/conference_room_0002/rgb_00006.jpg /conference_room_0002/sync_depth_00006.png 518.8579 +/kitchen_0028a/rgb_00077.jpg /kitchen_0028a/sync_depth_00077.png 518.8579 +/kitchen_0053/rgb_00014.jpg /kitchen_0053/sync_depth_00014.png 518.8579 +/conference_room_0001/rgb_00096.jpg /conference_room_0001/sync_depth_00096.png 518.8579 +/living_room_0040/rgb_00242.jpg /living_room_0040/sync_depth_00242.png 518.8579 +/basement_0001a/rgb_00179.jpg /basement_0001a/sync_depth_00179.png 518.8579 +/bedroom_0017/rgb_00002.jpg /bedroom_0017/sync_depth_00002.png 518.8579 +/bookstore_0001d/rgb_00045.jpg /bookstore_0001d/sync_depth_00045.png 518.8579 +/study_0006/rgb_00005.jpg /study_0006/sync_depth_00005.png 518.8579 +/reception_room_0001b/rgb_00029.jpg /reception_room_0001b/sync_depth_00029.png 518.8579 +/bedroom_0113/rgb_00092.jpg /bedroom_0113/sync_depth_00092.png 518.8579 +/office_0025/rgb_00023.jpg /office_0025/sync_depth_00023.png 518.8579 +/bedroom_0140/rgb_00078.jpg /bedroom_0140/sync_depth_00078.png 518.8579 +/living_room_0022/rgb_00204.jpg /living_room_0022/sync_depth_00204.png 518.8579 +/classroom_0022/rgb_00007.jpg /classroom_0022/sync_depth_00007.png 518.8579 +/dining_room_0037/rgb_00175.jpg /dining_room_0037/sync_depth_00175.png 518.8579 +/kitchen_0003/rgb_00006.jpg /kitchen_0003/sync_depth_00006.png 518.8579 +/bedroom_0004/rgb_00104.jpg /bedroom_0004/sync_depth_00104.png 518.8579 +/kitchen_0045b/rgb_00043.jpg /kitchen_0045b/sync_depth_00043.png 518.8579 +/bedroom_0019/rgb_00057.jpg /bedroom_0019/sync_depth_00057.png 518.8579 +/kitchen_0051/rgb_00144.jpg /kitchen_0051/sync_depth_00144.png 518.8579 +/kitchen_0019a/rgb_00220.jpg /kitchen_0019a/sync_depth_00220.png 518.8579 +/dining_room_0015/rgb_00001.jpg /dining_room_0015/sync_depth_00001.png 518.8579 +/living_room_0018/rgb_00108.jpg /living_room_0018/sync_depth_00108.png 518.8579 +/office_0024/rgb_00081.jpg /office_0024/sync_depth_00081.png 518.8579 +/bedroom_0072/rgb_00027.jpg /bedroom_0072/sync_depth_00027.png 518.8579 +/bedroom_0074/rgb_00030.jpg /bedroom_0074/sync_depth_00030.png 518.8579 +/bedroom_0138/rgb_00083.jpg /bedroom_0138/sync_depth_00083.png 518.8579 +/living_room_0020/rgb_00013.jpg /living_room_0020/sync_depth_00013.png 518.8579 +/kitchen_0051/rgb_00104.jpg /kitchen_0051/sync_depth_00104.png 518.8579 +/dining_room_0007/rgb_00196.jpg /dining_room_0007/sync_depth_00196.png 518.8579 +/office_0021/rgb_00012.jpg /office_0021/sync_depth_00012.png 518.8579 +/bookstore_0001j/rgb_00252.jpg /bookstore_0001j/sync_depth_00252.png 518.8579 +/bookstore_0001f/rgb_00138.jpg /bookstore_0001f/sync_depth_00138.png 518.8579 +/computer_lab_0002/rgb_00012.jpg /computer_lab_0002/sync_depth_00012.png 518.8579 +/living_room_0058/rgb_00186.jpg /living_room_0058/sync_depth_00186.png 518.8579 +/kitchen_0045b/rgb_00088.jpg /kitchen_0045b/sync_depth_00088.png 518.8579 +/nyu_office_0/rgb_00199.jpg /nyu_office_0/sync_depth_00199.png 518.8579 +/bedroom_0097/rgb_00053.jpg /bedroom_0097/sync_depth_00053.png 518.8579 +/bedroom_0021/rgb_00038.jpg /bedroom_0021/sync_depth_00038.png 518.8579 +/bedroom_0014/rgb_00058.jpg /bedroom_0014/sync_depth_00058.png 518.8579 +/home_storage_0001/rgb_00066.jpg /home_storage_0001/sync_depth_00066.png 518.8579 +/bedroom_0100/rgb_00015.jpg /bedroom_0100/sync_depth_00015.png 518.8579 +/kitchen_0050/rgb_00010.jpg /kitchen_0050/sync_depth_00010.png 518.8579 +/kitchen_0031/rgb_00137.jpg /kitchen_0031/sync_depth_00137.png 518.8579 +/kitchen_0060/rgb_00167.jpg /kitchen_0060/sync_depth_00167.png 518.8579 +/classroom_0006/rgb_00070.jpg /classroom_0006/sync_depth_00070.png 518.8579 +/bedroom_0010/rgb_00083.jpg /bedroom_0010/sync_depth_00083.png 518.8579 +/bathroom_0011/rgb_00024.jpg /bathroom_0011/sync_depth_00024.png 518.8579 +/living_room_0083/rgb_00088.jpg /living_room_0083/sync_depth_00088.png 518.8579 +/bathroom_0014a/rgb_00037.jpg /bathroom_0014a/sync_depth_00037.png 518.8579 +/cafe_0001c/rgb_00066.jpg /cafe_0001c/sync_depth_00066.png 518.8579 +/bookstore_0001j/rgb_00247.jpg /bookstore_0001j/sync_depth_00247.png 518.8579 +/playroom_0003/rgb_00012.jpg /playroom_0003/sync_depth_00012.png 518.8579 +/dining_room_0031/rgb_00311.jpg /dining_room_0031/sync_depth_00311.png 518.8579 +/living_room_0083/rgb_00018.jpg /living_room_0083/sync_depth_00018.png 518.8579 +/bookstore_0001e/rgb_00223.jpg /bookstore_0001e/sync_depth_00223.png 518.8579 +/bedroom_0059/rgb_00011.jpg /bedroom_0059/sync_depth_00011.png 518.8579 +/dining_room_0023/rgb_00186.jpg /dining_room_0023/sync_depth_00186.png 518.8579 +/bookstore_0001g/rgb_00126.jpg /bookstore_0001g/sync_depth_00126.png 518.8579 +/furniture_store_0002d/rgb_00005.jpg /furniture_store_0002d/sync_depth_00005.png 518.8579 +/kitchen_0059/rgb_00055.jpg /kitchen_0059/sync_depth_00055.png 518.8579 +/bedroom_0040/rgb_00026.jpg /bedroom_0040/sync_depth_00026.png 518.8579 +/kitchen_0045a/rgb_00086.jpg /kitchen_0045a/sync_depth_00086.png 518.8579 +/kitchen_0011b/rgb_00059.jpg /kitchen_0011b/sync_depth_00059.png 518.8579 +/playroom_0003/rgb_00192.jpg /playroom_0003/sync_depth_00192.png 518.8579 +/living_room_0047a/rgb_00028.jpg /living_room_0047a/sync_depth_00028.png 518.8579 +/living_room_0046b/rgb_00039.jpg /living_room_0046b/sync_depth_00039.png 518.8579 +/bookstore_0001f/rgb_00383.jpg /bookstore_0001f/sync_depth_00383.png 518.8579 +/home_storage_0001/rgb_00159.jpg /home_storage_0001/sync_depth_00159.png 518.8579 +/bathroom_0055/rgb_00044.jpg /bathroom_0055/sync_depth_00044.png 518.8579 +/office_0024/rgb_00068.jpg /office_0024/sync_depth_00068.png 518.8579 +/kitchen_0049/rgb_00020.jpg /kitchen_0049/sync_depth_00020.png 518.8579 +/kitchen_0029c/rgb_00022.jpg /kitchen_0029c/sync_depth_00022.png 518.8579 +/living_room_0019/rgb_00019.jpg /living_room_0019/sync_depth_00019.png 518.8579 +/bathroom_0014a/rgb_00031.jpg /bathroom_0014a/sync_depth_00031.png 518.8579 +/living_room_0058/rgb_00161.jpg /living_room_0058/sync_depth_00161.png 518.8579 +/bedroom_0063/rgb_00016.jpg /bedroom_0063/sync_depth_00016.png 518.8579 +/bedroom_0086/rgb_00036.jpg /bedroom_0086/sync_depth_00036.png 518.8579 +/office_0024/rgb_00080.jpg /office_0024/sync_depth_00080.png 518.8579 +/office_0011/rgb_00025.jpg /office_0011/sync_depth_00025.png 518.8579 +/bedroom_0019/rgb_00150.jpg /bedroom_0019/sync_depth_00150.png 518.8579 +/reception_room_0004/rgb_00043.jpg /reception_room_0004/sync_depth_00043.png 518.8579 +/living_room_0037/rgb_00017.jpg /living_room_0037/sync_depth_00017.png 518.8579 +/kitchen_0051/rgb_00255.jpg /kitchen_0051/sync_depth_00255.png 518.8579 +/reception_room_0001b/rgb_00043.jpg /reception_room_0001b/sync_depth_00043.png 518.8579 +/furniture_store_0001d/rgb_00053.jpg /furniture_store_0001d/sync_depth_00053.png 518.8579 +/furniture_store_0002b/rgb_00177.jpg /furniture_store_0002b/sync_depth_00177.png 518.8579 +/dining_room_0013/rgb_00146.jpg /dining_room_0013/sync_depth_00146.png 518.8579 +/kitchen_0033/rgb_00198.jpg /kitchen_0033/sync_depth_00198.png 518.8579 +/dining_room_0031/rgb_00231.jpg /dining_room_0031/sync_depth_00231.png 518.8579 +/kitchen_0035b/rgb_00163.jpg /kitchen_0035b/sync_depth_00163.png 518.8579 +/bookstore_0001j/rgb_00029.jpg /bookstore_0001j/sync_depth_00029.png 518.8579 +/reception_room_0002/rgb_00049.jpg /reception_room_0002/sync_depth_00049.png 518.8579 +/bedroom_0069/rgb_00095.jpg /bedroom_0069/sync_depth_00095.png 518.8579 +/kitchen_0060/rgb_00071.jpg /kitchen_0060/sync_depth_00071.png 518.8579 +/bookstore_0001f/rgb_00483.jpg /bookstore_0001f/sync_depth_00483.png 518.8579 +/living_room_0039/rgb_00096.jpg /living_room_0039/sync_depth_00096.png 518.8579 +/kitchen_0035b/rgb_00309.jpg /kitchen_0035b/sync_depth_00309.png 518.8579 +/bathroom_0006/rgb_00033.jpg /bathroom_0006/sync_depth_00033.png 518.8579 +/living_room_0070/rgb_00098.jpg /living_room_0070/sync_depth_00098.png 518.8579 +/playroom_0004/rgb_00089.jpg /playroom_0004/sync_depth_00089.png 518.8579 +/office_kitchen_0003/rgb_00118.jpg /office_kitchen_0003/sync_depth_00118.png 518.8579 +/kitchen_0037/rgb_00037.jpg /kitchen_0037/sync_depth_00037.png 518.8579 +/kitchen_0019a/rgb_00218.jpg /kitchen_0019a/sync_depth_00218.png 518.8579 +/kitchen_0019a/rgb_00119.jpg /kitchen_0019a/sync_depth_00119.png 518.8579 +/dining_room_0037/rgb_00045.jpg /dining_room_0037/sync_depth_00045.png 518.8579 +/kitchen_0043/rgb_00262.jpg /kitchen_0043/sync_depth_00262.png 518.8579 +/office_0024/rgb_00073.jpg /office_0024/sync_depth_00073.png 518.8579 +/dining_room_0007/rgb_00002.jpg /dining_room_0007/sync_depth_00002.png 518.8579 +/bedroom_0056a/rgb_00019.jpg /bedroom_0056a/sync_depth_00019.png 518.8579 +/kitchen_0052/rgb_00156.jpg /kitchen_0052/sync_depth_00156.png 518.8579 +/bedroom_0062/rgb_00145.jpg /bedroom_0062/sync_depth_00145.png 518.8579 +/kitchen_0003/rgb_00016.jpg /kitchen_0003/sync_depth_00016.png 518.8579 +/dining_room_0007/rgb_00118.jpg /dining_room_0007/sync_depth_00118.png 518.8579 +/home_office_0006/rgb_00070.jpg /home_office_0006/sync_depth_00070.png 518.8579 +/classroom_0010/rgb_00031.jpg /classroom_0010/sync_depth_00031.png 518.8579 +/kitchen_0051/rgb_00126.jpg /kitchen_0051/sync_depth_00126.png 518.8579 +/home_office_0006/rgb_00173.jpg /home_office_0006/sync_depth_00173.png 518.8579 +/living_room_0050/rgb_00123.jpg /living_room_0050/sync_depth_00123.png 518.8579 +/printer_room_0001/rgb_00083.jpg /printer_room_0001/sync_depth_00083.png 518.8579 +/bedroom_0051/rgb_00089.jpg /bedroom_0051/sync_depth_00089.png 518.8579 +/office_kitchen_0003/rgb_00115.jpg /office_kitchen_0003/sync_depth_00115.png 518.8579 +/bedroom_0056a/rgb_00037.jpg /bedroom_0056a/sync_depth_00037.png 518.8579 +/bedroom_0113/rgb_00027.jpg /bedroom_0113/sync_depth_00027.png 518.8579 +/kitchen_0019a/rgb_00271.jpg /kitchen_0019a/sync_depth_00271.png 518.8579 +/office_0003/rgb_00067.jpg /office_0003/sync_depth_00067.png 518.8579 +/dining_room_0007/rgb_00190.jpg /dining_room_0007/sync_depth_00190.png 518.8579 +/kitchen_0010/rgb_00067.jpg /kitchen_0010/sync_depth_00067.png 518.8579 +/furniture_store_0001d/rgb_00227.jpg /furniture_store_0001d/sync_depth_00227.png 518.8579 +/bookstore_0001j/rgb_00186.jpg /bookstore_0001j/sync_depth_00186.png 518.8579 +/office_0026/rgb_00166.jpg /office_0026/sync_depth_00166.png 518.8579 +/living_room_0063/rgb_00003.jpg /living_room_0063/sync_depth_00003.png 518.8579 +/bookstore_0001f/rgb_00074.jpg /bookstore_0001f/sync_depth_00074.png 518.8579 +/bedroom_0010/rgb_00029.jpg /bedroom_0010/sync_depth_00029.png 518.8579 +/bookstore_0001h/rgb_00086.jpg /bookstore_0001h/sync_depth_00086.png 518.8579 +/bedroom_0074/rgb_00034.jpg /bedroom_0074/sync_depth_00034.png 518.8579 +/furniture_store_0002b/rgb_00235.jpg /furniture_store_0002b/sync_depth_00235.png 518.8579 +/living_room_0039/rgb_00088.jpg /living_room_0039/sync_depth_00088.png 518.8579 +/cafe_0001b/rgb_00015.jpg /cafe_0001b/sync_depth_00015.png 518.8579 +/dining_room_0034/rgb_00194.jpg /dining_room_0034/sync_depth_00194.png 518.8579 +/dining_room_0037/rgb_00145.jpg /dining_room_0037/sync_depth_00145.png 518.8579 +/bedroom_0004/rgb_00075.jpg /bedroom_0004/sync_depth_00075.png 518.8579 +/living_room_0062/rgb_00132.jpg /living_room_0062/sync_depth_00132.png 518.8579 +/bedroom_0138/rgb_00077.jpg /bedroom_0138/sync_depth_00077.png 518.8579 +/bedroom_0050/rgb_00111.jpg /bedroom_0050/sync_depth_00111.png 518.8579 +/living_room_0086a/rgb_00007.jpg /living_room_0086a/sync_depth_00007.png 518.8579 +/bookstore_0001i/rgb_00024.jpg /bookstore_0001i/sync_depth_00024.png 518.8579 +/dining_room_0019/rgb_00096.jpg /dining_room_0019/sync_depth_00096.png 518.8579 +/study_room_0005a/rgb_00023.jpg /study_room_0005a/sync_depth_00023.png 518.8579 +/bedroom_0017/rgb_00018.jpg /bedroom_0017/sync_depth_00018.png 518.8579 +/dining_room_0037/rgb_00039.jpg /dining_room_0037/sync_depth_00039.png 518.8579 +/living_room_0005/rgb_00005.jpg /living_room_0005/sync_depth_00005.png 518.8579 +/living_room_0032/rgb_00019.jpg /living_room_0032/sync_depth_00019.png 518.8579 +/dinette_0001/rgb_00034.jpg /dinette_0001/sync_depth_00034.png 518.8579 +/bedroom_0020/rgb_00058.jpg /bedroom_0020/sync_depth_00058.png 518.8579 +/bathroom_0055/rgb_00056.jpg /bathroom_0055/sync_depth_00056.png 518.8579 +/bedroom_0016/rgb_00198.jpg /bedroom_0016/sync_depth_00198.png 518.8579 +/student_lounge_0001/rgb_00016.jpg /student_lounge_0001/sync_depth_00016.png 518.8579 +/printer_room_0001/rgb_00033.jpg /printer_room_0001/sync_depth_00033.png 518.8579 +/kitchen_0041/rgb_00043.jpg /kitchen_0041/sync_depth_00043.png 518.8579 +/living_room_0012/rgb_00002.jpg /living_room_0012/sync_depth_00002.png 518.8579 +/cafe_0001c/rgb_00060.jpg /cafe_0001c/sync_depth_00060.png 518.8579 +/kitchen_0059/rgb_00003.jpg /kitchen_0059/sync_depth_00003.png 518.8579 +/kitchen_0003/rgb_00059.jpg /kitchen_0003/sync_depth_00059.png 518.8579 +/dining_room_0004/rgb_00092.jpg /dining_room_0004/sync_depth_00092.png 518.8579 +/living_room_0083/rgb_00084.jpg /living_room_0083/sync_depth_00084.png 518.8579 +/living_room_0004/rgb_00061.jpg /living_room_0004/sync_depth_00061.png 518.8579 +/reception_room_0001b/rgb_00071.jpg /reception_room_0001b/sync_depth_00071.png 518.8579 +/dining_room_0024/rgb_00067.jpg /dining_room_0024/sync_depth_00067.png 518.8579 +/bedroom_0076a/rgb_00086.jpg /bedroom_0076a/sync_depth_00086.png 518.8579 +/living_room_0058/rgb_00021.jpg /living_room_0058/sync_depth_00021.png 518.8579 +/living_room_0083/rgb_00011.jpg /living_room_0083/sync_depth_00011.png 518.8579 +/study_0004/rgb_00021.jpg /study_0004/sync_depth_00021.png 518.8579 +/bedroom_0016/rgb_00105.jpg /bedroom_0016/sync_depth_00105.png 518.8579 +/dining_room_0012/rgb_00015.jpg /dining_room_0012/sync_depth_00015.png 518.8579 +/living_room_0010/rgb_00073.jpg /living_room_0010/sync_depth_00073.png 518.8579 +/office_0006/rgb_00112.jpg /office_0006/sync_depth_00112.png 518.8579 +/bathroom_0016/rgb_00016.jpg /bathroom_0016/sync_depth_00016.png 518.8579 +/kitchen_0051/rgb_00093.jpg /kitchen_0051/sync_depth_00093.png 518.8579 +/living_room_0019/rgb_00007.jpg /living_room_0019/sync_depth_00007.png 518.8579 +/study_0003/rgb_00002.jpg /study_0003/sync_depth_00002.png 518.8579 +/living_room_0058/rgb_00171.jpg /living_room_0058/sync_depth_00171.png 518.8579 +/bedroom_0129/rgb_00038.jpg /bedroom_0129/sync_depth_00038.png 518.8579 +/living_room_0063/rgb_00122.jpg /living_room_0063/sync_depth_00122.png 518.8579 +/playroom_0003/rgb_00114.jpg /playroom_0003/sync_depth_00114.png 518.8579 +/bedroom_0065/rgb_00044.jpg /bedroom_0065/sync_depth_00044.png 518.8579 +/dining_room_0037/rgb_00134.jpg /dining_room_0037/sync_depth_00134.png 518.8579 +/bedroom_0033/rgb_00076.jpg /bedroom_0033/sync_depth_00076.png 518.8579 +/reception_room_0001a/rgb_00102.jpg /reception_room_0001a/sync_depth_00102.png 518.8579 +/dinette_0001/rgb_00088.jpg /dinette_0001/sync_depth_00088.png 518.8579 +/conference_room_0001/rgb_00121.jpg /conference_room_0001/sync_depth_00121.png 518.8579 +/dining_room_0023/rgb_00168.jpg /dining_room_0023/sync_depth_00168.png 518.8579 +/living_room_0020/rgb_00097.jpg /living_room_0020/sync_depth_00097.png 518.8579 +/living_room_0085/rgb_00035.jpg /living_room_0085/sync_depth_00035.png 518.8579 +/kitchen_0028a/rgb_00022.jpg /kitchen_0028a/sync_depth_00022.png 518.8579 +/playroom_0002/rgb_00013.jpg /playroom_0002/sync_depth_00013.png 518.8579 +/classroom_0012/rgb_00022.jpg /classroom_0012/sync_depth_00022.png 518.8579 +/student_lounge_0001/rgb_00180.jpg /student_lounge_0001/sync_depth_00180.png 518.8579 +/kitchen_0029c/rgb_00035.jpg /kitchen_0029c/sync_depth_00035.png 518.8579 +/bathroom_0011/rgb_00018.jpg /bathroom_0011/sync_depth_00018.png 518.8579 +/bookstore_0001h/rgb_00052.jpg /bookstore_0001h/sync_depth_00052.png 518.8579 +/bedroom_0080/rgb_00056.jpg /bedroom_0080/sync_depth_00056.png 518.8579 +/kitchen_0045b/rgb_00027.jpg /kitchen_0045b/sync_depth_00027.png 518.8579 +/student_lounge_0001/rgb_00143.jpg /student_lounge_0001/sync_depth_00143.png 518.8579 +/bedroom_0090/rgb_00001.jpg /bedroom_0090/sync_depth_00001.png 518.8579 +/office_0009/rgb_00023.jpg /office_0009/sync_depth_00023.png 518.8579 +/dining_room_0019/rgb_00131.jpg /dining_room_0019/sync_depth_00131.png 518.8579 +/kitchen_0003/rgb_00157.jpg /kitchen_0003/sync_depth_00157.png 518.8579 +/bedroom_0021/rgb_00105.jpg /bedroom_0021/sync_depth_00105.png 518.8579 +/living_room_0012/rgb_00072.jpg /living_room_0012/sync_depth_00072.png 518.8579 +/bedroom_0015/rgb_00036.jpg /bedroom_0015/sync_depth_00036.png 518.8579 +/furniture_store_0002a/rgb_00257.jpg /furniture_store_0002a/sync_depth_00257.png 518.8579 +/bedroom_0052/rgb_00169.jpg /bedroom_0052/sync_depth_00169.png 518.8579 +/living_room_0022/rgb_00058.jpg /living_room_0022/sync_depth_00058.png 518.8579 +/kitchen_0017/rgb_00046.jpg /kitchen_0017/sync_depth_00046.png 518.8579 +/dining_room_0031/rgb_00260.jpg /dining_room_0031/sync_depth_00260.png 518.8579 +/conference_room_0001/rgb_00140.jpg /conference_room_0001/sync_depth_00140.png 518.8579 +/bedroom_0015/rgb_00043.jpg /bedroom_0015/sync_depth_00043.png 518.8579 +/living_room_0050/rgb_00038.jpg /living_room_0050/sync_depth_00038.png 518.8579 +/furniture_store_0001a/rgb_00009.jpg /furniture_store_0001a/sync_depth_00009.png 518.8579 +/bookstore_0001d/rgb_00135.jpg /bookstore_0001d/sync_depth_00135.png 518.8579 +/living_room_0070/rgb_00079.jpg /living_room_0070/sync_depth_00079.png 518.8579 +/bedroom_0140/rgb_00008.jpg /bedroom_0140/sync_depth_00008.png 518.8579 +/kitchen_0049/rgb_00153.jpg /kitchen_0049/sync_depth_00153.png 518.8579 +/bedroom_0104/rgb_00036.jpg /bedroom_0104/sync_depth_00036.png 518.8579 +/dining_room_0013/rgb_00014.jpg /dining_room_0013/sync_depth_00014.png 518.8579 +/bedroom_0071/rgb_00018.jpg /bedroom_0071/sync_depth_00018.png 518.8579 +/dining_room_0016/rgb_00029.jpg /dining_room_0016/sync_depth_00029.png 518.8579 +/bedroom_0078/rgb_00069.jpg /bedroom_0078/sync_depth_00069.png 518.8579 +/office_0011/rgb_00024.jpg /office_0011/sync_depth_00024.png 518.8579 +/bedroom_0067b/rgb_00022.jpg /bedroom_0067b/sync_depth_00022.png 518.8579 +/bathroom_0010/rgb_00037.jpg /bathroom_0010/sync_depth_00037.png 518.8579 +/bedroom_0051/rgb_00139.jpg /bedroom_0051/sync_depth_00139.png 518.8579 +/home_office_0004/rgb_00176.jpg /home_office_0004/sync_depth_00176.png 518.8579 +/dining_room_0007/rgb_00008.jpg /dining_room_0007/sync_depth_00008.png 518.8579 +/foyer_0002/rgb_00046.jpg /foyer_0002/sync_depth_00046.png 518.8579 +/bedroom_0140/rgb_00075.jpg /bedroom_0140/sync_depth_00075.png 518.8579 +/kitchen_0043/rgb_00237.jpg /kitchen_0043/sync_depth_00237.png 518.8579 +/computer_lab_0002/rgb_00000.jpg /computer_lab_0002/sync_depth_00000.png 518.8579 +/living_room_0062/rgb_00064.jpg /living_room_0062/sync_depth_00064.png 518.8579 +/nyu_office_0/rgb_00235.jpg /nyu_office_0/sync_depth_00235.png 518.8579 +/excercise_room_0001/rgb_00092.jpg /excercise_room_0001/sync_depth_00092.png 518.8579 +/kitchen_0048/rgb_00256.jpg /kitchen_0048/sync_depth_00256.png 518.8579 +/kitchen_0048/rgb_00141.jpg /kitchen_0048/sync_depth_00141.png 518.8579 +/kitchen_0053/rgb_00034.jpg /kitchen_0053/sync_depth_00034.png 518.8579 +/living_room_0029/rgb_00089.jpg /living_room_0029/sync_depth_00089.png 518.8579 +/kitchen_0059/rgb_00051.jpg /kitchen_0059/sync_depth_00051.png 518.8579 +/bookstore_0001f/rgb_00001.jpg /bookstore_0001f/sync_depth_00001.png 518.8579 +/conference_room_0001/rgb_00032.jpg /conference_room_0001/sync_depth_00032.png 518.8579 +/bedroom_0140/rgb_00046.jpg /bedroom_0140/sync_depth_00046.png 518.8579 +/bedroom_0076a/rgb_00165.jpg /bedroom_0076a/sync_depth_00165.png 518.8579 +/home_office_0004/rgb_00081.jpg /home_office_0004/sync_depth_00081.png 518.8579 +/bedroom_0033/rgb_00131.jpg /bedroom_0033/sync_depth_00131.png 518.8579 +/bedroom_0066/rgb_00013.jpg /bedroom_0066/sync_depth_00013.png 518.8579 +/kitchen_0043/rgb_00133.jpg /kitchen_0043/sync_depth_00133.png 518.8579 +/bedroom_0120/rgb_00075.jpg /bedroom_0120/sync_depth_00075.png 518.8579 +/furniture_store_0001d/rgb_00197.jpg /furniture_store_0001d/sync_depth_00197.png 518.8579 +/bedroom_0017/rgb_00129.jpg /bedroom_0017/sync_depth_00129.png 518.8579 +/bookstore_0001g/rgb_00194.jpg /bookstore_0001g/sync_depth_00194.png 518.8579 +/dining_room_0012/rgb_00193.jpg /dining_room_0012/sync_depth_00193.png 518.8579 +/living_room_0063/rgb_00103.jpg /living_room_0063/sync_depth_00103.png 518.8579 +/living_room_0040/rgb_00284.jpg /living_room_0040/sync_depth_00284.png 518.8579 +/home_office_0008/rgb_00107.jpg /home_office_0008/sync_depth_00107.png 518.8579 +/office_0006/rgb_00150.jpg /office_0006/sync_depth_00150.png 518.8579 +/home_office_0005/rgb_00025.jpg /home_office_0005/sync_depth_00025.png 518.8579 +/bathroom_0030/rgb_00034.jpg /bathroom_0030/sync_depth_00034.png 518.8579 +/basement_0001a/rgb_00147.jpg /basement_0001a/sync_depth_00147.png 518.8579 +/bedroom_0019/rgb_00024.jpg /bedroom_0019/sync_depth_00024.png 518.8579 +/dining_room_0034/rgb_00137.jpg /dining_room_0034/sync_depth_00137.png 518.8579 +/kitchen_0043/rgb_00218.jpg /kitchen_0043/sync_depth_00218.png 518.8579 +/kitchen_0045a/rgb_00054.jpg /kitchen_0045a/sync_depth_00054.png 518.8579 +/dining_room_0031/rgb_00017.jpg /dining_room_0031/sync_depth_00017.png 518.8579 +/office_0004/rgb_00029.jpg /office_0004/sync_depth_00029.png 518.8579 +/living_room_0042a/rgb_00003.jpg /living_room_0042a/sync_depth_00003.png 518.8579 +/dining_room_0015/rgb_00233.jpg /dining_room_0015/sync_depth_00233.png 518.8579 +/classroom_0004/rgb_00081.jpg /classroom_0004/sync_depth_00081.png 518.8579 +/bedroom_0053/rgb_00088.jpg /bedroom_0053/sync_depth_00088.png 518.8579 +/dining_room_0037/rgb_00016.jpg /dining_room_0037/sync_depth_00016.png 518.8579 +/nyu_office_1/rgb_00005.jpg /nyu_office_1/sync_depth_00005.png 518.8579 +/bedroom_0076a/rgb_00131.jpg /bedroom_0076a/sync_depth_00131.png 518.8579 +/study_0003/rgb_00029.jpg /study_0003/sync_depth_00029.png 518.8579 +/bedroom_0080/rgb_00006.jpg /bedroom_0080/sync_depth_00006.png 518.8579 +/dining_room_0015/rgb_00016.jpg /dining_room_0015/sync_depth_00016.png 518.8579 +/kitchen_0048/rgb_00127.jpg /kitchen_0048/sync_depth_00127.png 518.8579 +/living_room_0086b/rgb_00017.jpg /living_room_0086b/sync_depth_00017.png 518.8579 +/dining_room_0033/rgb_00116.jpg /dining_room_0033/sync_depth_00116.png 518.8579 +/kitchen_0060/rgb_00023.jpg /kitchen_0060/sync_depth_00023.png 518.8579 +/bedroom_0050/rgb_00068.jpg /bedroom_0050/sync_depth_00068.png 518.8579 +/kitchen_0006/rgb_00051.jpg /kitchen_0006/sync_depth_00051.png 518.8579 +/bedroom_0047/rgb_00065.jpg /bedroom_0047/sync_depth_00065.png 518.8579 +/computer_lab_0002/rgb_00041.jpg /computer_lab_0002/sync_depth_00041.png 518.8579 +/living_room_0083/rgb_00100.jpg /living_room_0083/sync_depth_00100.png 518.8579 +/furniture_store_0002d/rgb_00028.jpg /furniture_store_0002d/sync_depth_00028.png 518.8579 +/kitchen_0043/rgb_00040.jpg /kitchen_0043/sync_depth_00040.png 518.8579 +/classroom_0006/rgb_00155.jpg /classroom_0006/sync_depth_00155.png 518.8579 +/kitchen_0051/rgb_00317.jpg /kitchen_0051/sync_depth_00317.png 518.8579 +/dining_room_0002/rgb_00012.jpg /dining_room_0002/sync_depth_00012.png 518.8579 +/bedroom_0072/rgb_00159.jpg /bedroom_0072/sync_depth_00159.png 518.8579 +/bookstore_0001f/rgb_00204.jpg /bookstore_0001f/sync_depth_00204.png 518.8579 +/kitchen_0050/rgb_00008.jpg /kitchen_0050/sync_depth_00008.png 518.8579 +/office_0012/rgb_00009.jpg /office_0012/sync_depth_00009.png 518.8579 +/kitchen_0028a/rgb_00055.jpg /kitchen_0028a/sync_depth_00055.png 518.8579 +/bedroom_0004/rgb_00189.jpg /bedroom_0004/sync_depth_00189.png 518.8579 +/bathroom_0053/rgb_00000.jpg /bathroom_0053/sync_depth_00000.png 518.8579 +/bedroom_0076a/rgb_00142.jpg /bedroom_0076a/sync_depth_00142.png 518.8579 +/home_office_0006/rgb_00162.jpg /home_office_0006/sync_depth_00162.png 518.8579 +/bathroom_0019/rgb_00030.jpg /bathroom_0019/sync_depth_00030.png 518.8579 +/kitchen_0035b/rgb_00239.jpg /kitchen_0035b/sync_depth_00239.png 518.8579 +/bookstore_0001f/rgb_00403.jpg /bookstore_0001f/sync_depth_00403.png 518.8579 +/living_room_0067/rgb_00025.jpg /living_room_0067/sync_depth_00025.png 518.8579 +/bedroom_0015/rgb_00062.jpg /bedroom_0015/sync_depth_00062.png 518.8579 +/bathroom_0045a/rgb_00064.jpg /bathroom_0045a/sync_depth_00064.png 518.8579 +/bedroom_0076a/rgb_00161.jpg /bedroom_0076a/sync_depth_00161.png 518.8579 +/reception_room_0002/rgb_00017.jpg /reception_room_0002/sync_depth_00017.png 518.8579 +/bedroom_0052/rgb_00094.jpg /bedroom_0052/sync_depth_00094.png 518.8579 +/study_room_0004/rgb_00111.jpg /study_room_0004/sync_depth_00111.png 518.8579 +/bathroom_0019/rgb_00094.jpg /bathroom_0019/sync_depth_00094.png 518.8579 +/living_room_0063/rgb_00040.jpg /living_room_0063/sync_depth_00040.png 518.8579 +/dining_room_0013/rgb_00126.jpg /dining_room_0013/sync_depth_00126.png 518.8579 +/living_room_0050/rgb_00021.jpg /living_room_0050/sync_depth_00021.png 518.8579 +/living_room_0010/rgb_00212.jpg /living_room_0010/sync_depth_00212.png 518.8579 +/bedroom_0015/rgb_00038.jpg /bedroom_0015/sync_depth_00038.png 518.8579 +/bedroom_0071/rgb_00164.jpg /bedroom_0071/sync_depth_00164.png 518.8579 +/bookstore_0001h/rgb_00064.jpg /bookstore_0001h/sync_depth_00064.png 518.8579 +/bedroom_0051/rgb_00121.jpg /bedroom_0051/sync_depth_00121.png 518.8579 +/bedroom_0052/rgb_00164.jpg /bedroom_0052/sync_depth_00164.png 518.8579 +/bedroom_0129/rgb_00041.jpg /bedroom_0129/sync_depth_00041.png 518.8579 +/kitchen_0028b/rgb_00032.jpg /kitchen_0028b/sync_depth_00032.png 518.8579 +/living_room_0050/rgb_00229.jpg /living_room_0050/sync_depth_00229.png 518.8579 +/bedroom_0072/rgb_00152.jpg /bedroom_0072/sync_depth_00152.png 518.8579 +/home_office_0006/rgb_00176.jpg /home_office_0006/sync_depth_00176.png 518.8579 +/bedroom_0078/rgb_00017.jpg /bedroom_0078/sync_depth_00017.png 518.8579 +/living_room_0062/rgb_00090.jpg /living_room_0062/sync_depth_00090.png 518.8579 +/furniture_store_0002d/rgb_00033.jpg /furniture_store_0002d/sync_depth_00033.png 518.8579 +/furniture_store_0001e/rgb_00073.jpg /furniture_store_0001e/sync_depth_00073.png 518.8579 +/kitchen_0052/rgb_00103.jpg /kitchen_0052/sync_depth_00103.png 518.8579 +/bedroom_0062/rgb_00018.jpg /bedroom_0062/sync_depth_00018.png 518.8579 +/kitchen_0060/rgb_00171.jpg /kitchen_0060/sync_depth_00171.png 518.8579 +/classroom_0016/rgb_00014.jpg /classroom_0016/sync_depth_00014.png 518.8579 +/bedroom_0031/rgb_00013.jpg /bedroom_0031/sync_depth_00013.png 518.8579 +/kitchen_0048/rgb_00036.jpg /kitchen_0048/sync_depth_00036.png 518.8579 +/living_room_0019/rgb_00072.jpg /living_room_0019/sync_depth_00072.png 518.8579 +/dining_room_0029/rgb_00133.jpg /dining_room_0029/sync_depth_00133.png 518.8579 +/kitchen_0003/rgb_00011.jpg /kitchen_0003/sync_depth_00011.png 518.8579 +/bedroom_0050/rgb_00004.jpg /bedroom_0050/sync_depth_00004.png 518.8579 +/cafe_0001b/rgb_00062.jpg /cafe_0001b/sync_depth_00062.png 518.8579 +/bathroom_0028/rgb_00094.jpg /bathroom_0028/sync_depth_00094.png 518.8579 +/living_room_0078/rgb_00096.jpg /living_room_0078/sync_depth_00096.png 518.8579 +/bedroom_0063/rgb_00072.jpg /bedroom_0063/sync_depth_00072.png 518.8579 +/bedroom_0026/rgb_00155.jpg /bedroom_0026/sync_depth_00155.png 518.8579 +/kitchen_0051/rgb_00276.jpg /kitchen_0051/sync_depth_00276.png 518.8579 +/bedroom_0010/rgb_00106.jpg /bedroom_0010/sync_depth_00106.png 518.8579 +/bookstore_0001h/rgb_00048.jpg /bookstore_0001h/sync_depth_00048.png 518.8579 +/furniture_store_0001a/rgb_00038.jpg /furniture_store_0001a/sync_depth_00038.png 518.8579 +/living_room_0010/rgb_00016.jpg /living_room_0010/sync_depth_00016.png 518.8579 +/bedroom_0067b/rgb_00015.jpg /bedroom_0067b/sync_depth_00015.png 518.8579 +/bathroom_0056/rgb_00024.jpg /bathroom_0056/sync_depth_00024.png 518.8579 +/kitchen_0052/rgb_00182.jpg /kitchen_0052/sync_depth_00182.png 518.8579 +/dining_room_0023/rgb_00068.jpg /dining_room_0023/sync_depth_00068.png 518.8579 +/bathroom_0034/rgb_00073.jpg /bathroom_0034/sync_depth_00073.png 518.8579 +/office_0019/rgb_00005.jpg /office_0019/sync_depth_00005.png 518.8579 +/bedroom_0140/rgb_00027.jpg /bedroom_0140/sync_depth_00027.png 518.8579 +/bookstore_0001e/rgb_00060.jpg /bookstore_0001e/sync_depth_00060.png 518.8579 +/living_room_0069a/rgb_00083.jpg /living_room_0069a/sync_depth_00083.png 518.8579 +/kitchen_0043/rgb_00042.jpg /kitchen_0043/sync_depth_00042.png 518.8579 +/bedroom_0140/rgb_00002.jpg /bedroom_0140/sync_depth_00002.png 518.8579 +/dining_room_0007/rgb_00165.jpg /dining_room_0007/sync_depth_00165.png 518.8579 +/office_0024/rgb_00059.jpg /office_0024/sync_depth_00059.png 518.8579 +/bathroom_0057/rgb_00001.jpg /bathroom_0057/sync_depth_00001.png 518.8579 +/bookstore_0001f/rgb_00390.jpg /bookstore_0001f/sync_depth_00390.png 518.8579 +/kitchen_0011b/rgb_00086.jpg /kitchen_0011b/sync_depth_00086.png 518.8579 +/living_room_0069a/rgb_00058.jpg /living_room_0069a/sync_depth_00058.png 518.8579 +/bedroom_0140/rgb_00024.jpg /bedroom_0140/sync_depth_00024.png 518.8579 +/cafe_0001a/rgb_00010.jpg /cafe_0001a/sync_depth_00010.png 518.8579 +/reception_room_0002/rgb_00130.jpg /reception_room_0002/sync_depth_00130.png 518.8579 +/kitchen_0053/rgb_00167.jpg /kitchen_0053/sync_depth_00167.png 518.8579 +/bedroom_0120/rgb_00027.jpg /bedroom_0120/sync_depth_00027.png 518.8579 +/furniture_store_0001e/rgb_00063.jpg /furniture_store_0001e/sync_depth_00063.png 518.8579 +/furniture_store_0002b/rgb_00247.jpg /furniture_store_0002b/sync_depth_00247.png 518.8579 +/nyu_office_0/rgb_00057.jpg /nyu_office_0/sync_depth_00057.png 518.8579 +/bookstore_0001d/rgb_00184.jpg /bookstore_0001d/sync_depth_00184.png 518.8579 +/bedroom_0017/rgb_00097.jpg /bedroom_0017/sync_depth_00097.png 518.8579 +/bedroom_0060/rgb_00095.jpg /bedroom_0060/sync_depth_00095.png 518.8579 +/dining_room_0014/rgb_00039.jpg /dining_room_0014/sync_depth_00039.png 518.8579 +/student_lounge_0001/rgb_00029.jpg /student_lounge_0001/sync_depth_00029.png 518.8579 +/bedroom_0074/rgb_00101.jpg /bedroom_0074/sync_depth_00101.png 518.8579 +/bedroom_0067b/rgb_00016.jpg /bedroom_0067b/sync_depth_00016.png 518.8579 +/classroom_0006/rgb_00071.jpg /classroom_0006/sync_depth_00071.png 518.8579 +/bedroom_0040/rgb_00079.jpg /bedroom_0040/sync_depth_00079.png 518.8579 +/living_room_0046a/rgb_00050.jpg /living_room_0046a/sync_depth_00050.png 518.8579 +/kitchen_0028b/rgb_00041.jpg /kitchen_0028b/sync_depth_00041.png 518.8579 +/bookstore_0001d/rgb_00304.jpg /bookstore_0001d/sync_depth_00304.png 518.8579 +/kitchen_0035b/rgb_00143.jpg /kitchen_0035b/sync_depth_00143.png 518.8579 +/living_room_0070/rgb_00096.jpg /living_room_0070/sync_depth_00096.png 518.8579 +/bathroom_0028/rgb_00149.jpg /bathroom_0028/sync_depth_00149.png 518.8579 +/living_room_0018/rgb_00174.jpg /living_room_0018/sync_depth_00174.png 518.8579 +/basement_0001a/rgb_00136.jpg /basement_0001a/sync_depth_00136.png 518.8579 +/office_0026/rgb_00182.jpg /office_0026/sync_depth_00182.png 518.8579 +/conference_room_0001/rgb_00143.jpg /conference_room_0001/sync_depth_00143.png 518.8579 +/reception_room_0002/rgb_00100.jpg /reception_room_0002/sync_depth_00100.png 518.8579 +/kitchen_0049/rgb_00190.jpg /kitchen_0049/sync_depth_00190.png 518.8579 +/living_room_0085/rgb_00026.jpg /living_room_0085/sync_depth_00026.png 518.8579 +/bookstore_0001g/rgb_00070.jpg /bookstore_0001g/sync_depth_00070.png 518.8579 +/kitchen_0051/rgb_00197.jpg /kitchen_0051/sync_depth_00197.png 518.8579 +/dining_room_0007/rgb_00204.jpg /dining_room_0007/sync_depth_00204.png 518.8579 +/bathroom_0010/rgb_00031.jpg /bathroom_0010/sync_depth_00031.png 518.8579 +/bookstore_0001d/rgb_00262.jpg /bookstore_0001d/sync_depth_00262.png 518.8579 +/bathroom_0055/rgb_00011.jpg /bathroom_0055/sync_depth_00011.png 518.8579 +/bookstore_0001d/rgb_00042.jpg /bookstore_0001d/sync_depth_00042.png 518.8579 +/kitchen_0031/rgb_00073.jpg /kitchen_0031/sync_depth_00073.png 518.8579 +/bathroom_0028/rgb_00110.jpg /bathroom_0028/sync_depth_00110.png 518.8579 +/classroom_0011/rgb_00070.jpg /classroom_0011/sync_depth_00070.png 518.8579 +/bedroom_0004/rgb_00196.jpg /bedroom_0004/sync_depth_00196.png 518.8579 +/living_room_0050/rgb_00008.jpg /living_room_0050/sync_depth_00008.png 518.8579 +/living_room_0039/rgb_00168.jpg /living_room_0039/sync_depth_00168.png 518.8579 +/kitchen_0031/rgb_00044.jpg /kitchen_0031/sync_depth_00044.png 518.8579 +/living_room_0040/rgb_00000.jpg /living_room_0040/sync_depth_00000.png 518.8579 +/bedroom_0071/rgb_00088.jpg /bedroom_0071/sync_depth_00088.png 518.8579 +/reception_room_0002/rgb_00088.jpg /reception_room_0002/sync_depth_00088.png 518.8579 +/bedroom_0026/rgb_00012.jpg /bedroom_0026/sync_depth_00012.png 518.8579 +/living_room_0069b/rgb_00013.jpg /living_room_0069b/sync_depth_00013.png 518.8579 +/nyu_office_0/rgb_00365.jpg /nyu_office_0/sync_depth_00365.png 518.8579 +/bookstore_0001f/rgb_00201.jpg /bookstore_0001f/sync_depth_00201.png 518.8579 +/kitchen_0003/rgb_00019.jpg /kitchen_0003/sync_depth_00019.png 518.8579 +/classroom_0004/rgb_00026.jpg /classroom_0004/sync_depth_00026.png 518.8579 +/home_storage_0001/rgb_00104.jpg /home_storage_0001/sync_depth_00104.png 518.8579 +/furniture_store_0001a/rgb_00046.jpg /furniture_store_0001a/sync_depth_00046.png 518.8579 +/basement_0001a/rgb_00150.jpg /basement_0001a/sync_depth_00150.png 518.8579 +/kitchen_0059/rgb_00042.jpg /kitchen_0059/sync_depth_00042.png 518.8579 +/nyu_office_0/rgb_00415.jpg /nyu_office_0/sync_depth_00415.png 518.8579 +/living_room_0010/rgb_00235.jpg /living_room_0010/sync_depth_00235.png 518.8579 +/bedroom_0107/rgb_00004.jpg /bedroom_0107/sync_depth_00004.png 518.8579 +/living_room_0035/rgb_00055.jpg /living_room_0035/sync_depth_00055.png 518.8579 +/bookstore_0001g/rgb_00266.jpg /bookstore_0001g/sync_depth_00266.png 518.8579 +/office_0026/rgb_00112.jpg /office_0026/sync_depth_00112.png 518.8579 +/kitchen_0052/rgb_00010.jpg /kitchen_0052/sync_depth_00010.png 518.8579 +/classroom_0003/rgb_00020.jpg /classroom_0003/sync_depth_00020.png 518.8579 +/living_room_0070/rgb_00050.jpg /living_room_0070/sync_depth_00050.png 518.8579 +/kitchen_0048/rgb_00253.jpg /kitchen_0048/sync_depth_00253.png 518.8579 +/kitchen_0029c/rgb_00123.jpg /kitchen_0029c/sync_depth_00123.png 518.8579 +/bathroom_0028/rgb_00079.jpg /bathroom_0028/sync_depth_00079.png 518.8579 +/living_room_0018/rgb_00053.jpg /living_room_0018/sync_depth_00053.png 518.8579 +/kitchen_0035b/rgb_00308.jpg /kitchen_0035b/sync_depth_00308.png 518.8579 +/study_0004/rgb_00012.jpg /study_0004/sync_depth_00012.png 518.8579 +/office_0011/rgb_00095.jpg /office_0011/sync_depth_00095.png 518.8579 +/bedroom_0140/rgb_00163.jpg /bedroom_0140/sync_depth_00163.png 518.8579 +/bedroom_0094/rgb_00035.jpg /bedroom_0094/sync_depth_00035.png 518.8579 +/bedroom_0019/rgb_00007.jpg /bedroom_0019/sync_depth_00007.png 518.8579 +/kitchen_0051/rgb_00179.jpg /kitchen_0051/sync_depth_00179.png 518.8579 +/dining_room_0034/rgb_00004.jpg /dining_room_0034/sync_depth_00004.png 518.8579 +/playroom_0003/rgb_00015.jpg /playroom_0003/sync_depth_00015.png 518.8579 +/dining_room_0028/rgb_00005.jpg /dining_room_0028/sync_depth_00005.png 518.8579 +/living_room_0062/rgb_00032.jpg /living_room_0062/sync_depth_00032.png 518.8579 +/home_office_0006/rgb_00011.jpg /home_office_0006/sync_depth_00011.png 518.8579 +/bathroom_0041/rgb_00029.jpg /bathroom_0041/sync_depth_00029.png 518.8579 +/bedroom_0025/rgb_00062.jpg /bedroom_0025/sync_depth_00062.png 518.8579 +/dining_room_0034/rgb_00070.jpg /dining_room_0034/sync_depth_00070.png 518.8579 +/dining_room_0034/rgb_00007.jpg /dining_room_0034/sync_depth_00007.png 518.8579 +/furniture_store_0002b/rgb_00229.jpg /furniture_store_0002b/sync_depth_00229.png 518.8579 +/bedroom_0129/rgb_00012.jpg /bedroom_0129/sync_depth_00012.png 518.8579 +/kitchen_0049/rgb_00186.jpg /kitchen_0049/sync_depth_00186.png 518.8579 +/home_office_0013/rgb_00030.jpg /home_office_0013/sync_depth_00030.png 518.8579 +/bedroom_0113/rgb_00067.jpg /bedroom_0113/sync_depth_00067.png 518.8579 +/bedroom_0016/rgb_00093.jpg /bedroom_0016/sync_depth_00093.png 518.8579 +/bedroom_0012/rgb_00052.jpg /bedroom_0012/sync_depth_00052.png 518.8579 +/bedroom_0126/rgb_00047.jpg /bedroom_0126/sync_depth_00047.png 518.8579 +/bedroom_0016/rgb_00210.jpg /bedroom_0016/sync_depth_00210.png 518.8579 +/bedroom_0076a/rgb_00198.jpg /bedroom_0076a/sync_depth_00198.png 518.8579 +/kitchen_0053/rgb_00084.jpg /kitchen_0053/sync_depth_00084.png 518.8579 +/living_room_0011/rgb_00075.jpg /living_room_0011/sync_depth_00075.png 518.8579 +/classroom_0012/rgb_00041.jpg /classroom_0012/sync_depth_00041.png 518.8579 +/bedroom_0019/rgb_00043.jpg /bedroom_0019/sync_depth_00043.png 518.8579 +/bedroom_0076a/rgb_00081.jpg /bedroom_0076a/sync_depth_00081.png 518.8579 +/living_room_0012/rgb_00172.jpg /living_room_0012/sync_depth_00172.png 518.8579 +/dining_room_0015/rgb_00211.jpg /dining_room_0015/sync_depth_00211.png 518.8579 +/bedroom_0138/rgb_00063.jpg /bedroom_0138/sync_depth_00063.png 518.8579 +/dining_room_0031/rgb_00095.jpg /dining_room_0031/sync_depth_00095.png 518.8579 +/kitchen_0017/rgb_00056.jpg /kitchen_0017/sync_depth_00056.png 518.8579 +/bedroom_0034/rgb_00068.jpg /bedroom_0034/sync_depth_00068.png 518.8579 +/living_room_0022/rgb_00339.jpg /living_room_0022/sync_depth_00339.png 518.8579 +/bedroom_0033/rgb_00063.jpg /bedroom_0033/sync_depth_00063.png 518.8579 +/bedroom_0125b/rgb_00068.jpg /bedroom_0125b/sync_depth_00068.png 518.8579 +/dining_room_0016/rgb_00112.jpg /dining_room_0016/sync_depth_00112.png 518.8579 +/dining_room_0023/rgb_00146.jpg /dining_room_0023/sync_depth_00146.png 518.8579 +/dining_room_0007/rgb_00120.jpg /dining_room_0007/sync_depth_00120.png 518.8579 +/kitchen_0035b/rgb_00226.jpg /kitchen_0035b/sync_depth_00226.png 518.8579 +/living_room_0046b/rgb_00113.jpg /living_room_0046b/sync_depth_00113.png 518.8579 +/bedroom_0052/rgb_00074.jpg /bedroom_0052/sync_depth_00074.png 518.8579 +/office_0019/rgb_00014.jpg /office_0019/sync_depth_00014.png 518.8579 +/classroom_0006/rgb_00128.jpg /classroom_0006/sync_depth_00128.png 518.8579 +/furniture_store_0002b/rgb_00135.jpg /furniture_store_0002b/sync_depth_00135.png 518.8579 +/bathroom_0013/rgb_00014.jpg /bathroom_0013/sync_depth_00014.png 518.8579 +/kitchen_0050/rgb_00049.jpg /kitchen_0050/sync_depth_00049.png 518.8579 +/dining_room_0031/rgb_00281.jpg /dining_room_0031/sync_depth_00281.png 518.8579 +/bedroom_0094/rgb_00044.jpg /bedroom_0094/sync_depth_00044.png 518.8579 +/bedroom_0104/rgb_00014.jpg /bedroom_0104/sync_depth_00014.png 518.8579 +/foyer_0002/rgb_00043.jpg /foyer_0002/sync_depth_00043.png 518.8579 +/bedroom_0072/rgb_00073.jpg /bedroom_0072/sync_depth_00073.png 518.8579 +/nyu_office_0/rgb_00005.jpg /nyu_office_0/sync_depth_00005.png 518.8579 +/home_office_0008/rgb_00135.jpg /home_office_0008/sync_depth_00135.png 518.8579 +/bedroom_0025/rgb_00145.jpg /bedroom_0025/sync_depth_00145.png 518.8579 +/bedroom_0059/rgb_00018.jpg /bedroom_0059/sync_depth_00018.png 518.8579 +/living_room_0042b/rgb_00048.jpg /living_room_0042b/sync_depth_00048.png 518.8579 +/kitchen_0053/rgb_00228.jpg /kitchen_0053/sync_depth_00228.png 518.8579 +/bedroom_0029/rgb_00050.jpg /bedroom_0029/sync_depth_00050.png 518.8579 +/living_room_0005/rgb_00135.jpg /living_room_0005/sync_depth_00135.png 518.8579 +/bedroom_0125b/rgb_00060.jpg /bedroom_0125b/sync_depth_00060.png 518.8579 +/living_room_0039/rgb_00117.jpg /living_room_0039/sync_depth_00117.png 518.8579 +/kitchen_0045b/rgb_00127.jpg /kitchen_0045b/sync_depth_00127.png 518.8579 +/classroom_0006/rgb_00036.jpg /classroom_0006/sync_depth_00036.png 518.8579 +/bathroom_0010/rgb_00025.jpg /bathroom_0010/sync_depth_00025.png 518.8579 +/kitchen_0031/rgb_00076.jpg /kitchen_0031/sync_depth_00076.png 518.8579 +/living_room_0035/rgb_00051.jpg /living_room_0035/sync_depth_00051.png 518.8579 +/kitchen_0048/rgb_00089.jpg /kitchen_0048/sync_depth_00089.png 518.8579 +/furniture_store_0002a/rgb_00314.jpg /furniture_store_0002a/sync_depth_00314.png 518.8579 +/bedroom_0113/rgb_00047.jpg /bedroom_0113/sync_depth_00047.png 518.8579 +/dining_room_0015/rgb_00242.jpg /dining_room_0015/sync_depth_00242.png 518.8579 +/bedroom_0020/rgb_00068.jpg /bedroom_0020/sync_depth_00068.png 518.8579 +/bathroom_0035/rgb_00001.jpg /bathroom_0035/sync_depth_00001.png 518.8579 +/kitchen_0010/rgb_00130.jpg /kitchen_0010/sync_depth_00130.png 518.8579 +/bedroom_0004/rgb_00099.jpg /bedroom_0004/sync_depth_00099.png 518.8579 +/bedroom_0017/rgb_00110.jpg /bedroom_0017/sync_depth_00110.png 518.8579 +/bedroom_0029/rgb_00034.jpg /bedroom_0029/sync_depth_00034.png 518.8579 +/home_storage_0001/rgb_00136.jpg /home_storage_0001/sync_depth_00136.png 518.8579 +/dining_room_0028/rgb_00053.jpg /dining_room_0028/sync_depth_00053.png 518.8579 +/living_room_0069b/rgb_00052.jpg /living_room_0069b/sync_depth_00052.png 518.8579 +/home_office_0006/rgb_00180.jpg /home_office_0006/sync_depth_00180.png 518.8579 +/classroom_0003/rgb_00007.jpg /classroom_0003/sync_depth_00007.png 518.8579 +/nyu_office_0/rgb_00014.jpg /nyu_office_0/sync_depth_00014.png 518.8579 +/living_room_0047a/rgb_00064.jpg /living_room_0047a/sync_depth_00064.png 518.8579 +/bedroom_0014/rgb_00003.jpg /bedroom_0014/sync_depth_00003.png 518.8579 +/dining_room_0033/rgb_00080.jpg /dining_room_0033/sync_depth_00080.png 518.8579 +/office_0003/rgb_00004.jpg /office_0003/sync_depth_00004.png 518.8579 +/dining_room_0012/rgb_00130.jpg /dining_room_0012/sync_depth_00130.png 518.8579 +/bedroom_0086/rgb_00027.jpg /bedroom_0086/sync_depth_00027.png 518.8579 +/office_0006/rgb_00011.jpg /office_0006/sync_depth_00011.png 518.8579 +/furniture_store_0002b/rgb_00100.jpg /furniture_store_0002b/sync_depth_00100.png 518.8579 +/living_room_0070/rgb_00089.jpg /living_room_0070/sync_depth_00089.png 518.8579 +/bedroom_0140/rgb_00085.jpg /bedroom_0140/sync_depth_00085.png 518.8579 +/bathroom_0048/rgb_00043.jpg /bathroom_0048/sync_depth_00043.png 518.8579 +/kitchen_0011a/rgb_00053.jpg /kitchen_0011a/sync_depth_00053.png 518.8579 +/kitchen_0050/rgb_00084.jpg /kitchen_0050/sync_depth_00084.png 518.8579 +/office_0012/rgb_00052.jpg /office_0012/sync_depth_00052.png 518.8579 +/living_room_0050/rgb_00114.jpg /living_room_0050/sync_depth_00114.png 518.8579 +/dining_room_0016/rgb_00089.jpg /dining_room_0016/sync_depth_00089.png 518.8579 +/bedroom_0098/rgb_00050.jpg /bedroom_0098/sync_depth_00050.png 518.8579 +/dining_room_0034/rgb_00197.jpg /dining_room_0034/sync_depth_00197.png 518.8579 +/bedroom_0067a/rgb_00011.jpg /bedroom_0067a/sync_depth_00011.png 518.8579 +/furniture_store_0002a/rgb_00252.jpg /furniture_store_0002a/sync_depth_00252.png 518.8579 +/nyu_office_0/rgb_00299.jpg /nyu_office_0/sync_depth_00299.png 518.8579 +/living_room_0046b/rgb_00122.jpg /living_room_0046b/sync_depth_00122.png 518.8579 +/kitchen_0029c/rgb_00130.jpg /kitchen_0029c/sync_depth_00130.png 518.8579 +/kitchen_0049/rgb_00199.jpg /kitchen_0049/sync_depth_00199.png 518.8579 +/bathroom_0039/rgb_00026.jpg /bathroom_0039/sync_depth_00026.png 518.8579 +/bathroom_0013/rgb_00007.jpg /bathroom_0013/sync_depth_00007.png 518.8579 +/bedroom_0096/rgb_00006.jpg /bedroom_0096/sync_depth_00006.png 518.8579 +/study_room_0005b/rgb_00061.jpg /study_room_0005b/sync_depth_00061.png 518.8579 +/home_office_0005/rgb_00046.jpg /home_office_0005/sync_depth_00046.png 518.8579 +/bedroom_0017/rgb_00100.jpg /bedroom_0017/sync_depth_00100.png 518.8579 +/reception_room_0004/rgb_00084.jpg /reception_room_0004/sync_depth_00084.png 518.8579 +/furniture_store_0002b/rgb_00080.jpg /furniture_store_0002b/sync_depth_00080.png 518.8579 +/bookstore_0001f/rgb_00043.jpg /bookstore_0001f/sync_depth_00043.png 518.8579 +/living_room_0047b/rgb_00053.jpg /living_room_0047b/sync_depth_00053.png 518.8579 +/bedroom_0026/rgb_00064.jpg /bedroom_0026/sync_depth_00064.png 518.8579 +/living_room_0005/rgb_00048.jpg /living_room_0005/sync_depth_00048.png 518.8579 +/dining_room_0034/rgb_00085.jpg /dining_room_0034/sync_depth_00085.png 518.8579 +/living_room_0040/rgb_00283.jpg /living_room_0040/sync_depth_00283.png 518.8579 +/office_0009/rgb_00000.jpg /office_0009/sync_depth_00000.png 518.8579 +/office_0021/rgb_00022.jpg /office_0021/sync_depth_00022.png 518.8579 +/kitchen_0019a/rgb_00023.jpg /kitchen_0019a/sync_depth_00023.png 518.8579 +/bedroom_0080/rgb_00044.jpg /bedroom_0080/sync_depth_00044.png 518.8579 +/living_room_0058/rgb_00205.jpg /living_room_0058/sync_depth_00205.png 518.8579 +/classroom_0006/rgb_00165.jpg /classroom_0006/sync_depth_00165.png 518.8579 +/living_room_0019/rgb_00002.jpg /living_room_0019/sync_depth_00002.png 518.8579 +/kitchen_0045b/rgb_00118.jpg /kitchen_0045b/sync_depth_00118.png 518.8579 +/living_room_0019/rgb_00060.jpg /living_room_0019/sync_depth_00060.png 518.8579 +/living_room_0069a/rgb_00077.jpg /living_room_0069a/sync_depth_00077.png 518.8579 +/living_room_0011/rgb_00121.jpg /living_room_0011/sync_depth_00121.png 518.8579 +/dining_room_0034/rgb_00043.jpg /dining_room_0034/sync_depth_00043.png 518.8579 +/living_room_0078/rgb_00016.jpg /living_room_0078/sync_depth_00016.png 518.8579 +/bedroom_0020/rgb_00023.jpg /bedroom_0020/sync_depth_00023.png 518.8579 +/dining_room_0001b/rgb_00099.jpg /dining_room_0001b/sync_depth_00099.png 518.8579 +/office_kitchen_0001a/rgb_00030.jpg /office_kitchen_0001a/sync_depth_00030.png 518.8579 +/study_room_0005b/rgb_00024.jpg /study_room_0005b/sync_depth_00024.png 518.8579 +/bedroom_0052/rgb_00096.jpg /bedroom_0052/sync_depth_00096.png 518.8579 +/playroom_0004/rgb_00039.jpg /playroom_0004/sync_depth_00039.png 518.8579 +/kitchen_0060/rgb_00172.jpg /kitchen_0060/sync_depth_00172.png 518.8579 +/bookstore_0001f/rgb_00071.jpg /bookstore_0001f/sync_depth_00071.png 518.8579 +/living_room_0047b/rgb_00181.jpg /living_room_0047b/sync_depth_00181.png 518.8579 +/home_office_0005/rgb_00084.jpg /home_office_0005/sync_depth_00084.png 518.8579 +/bathroom_0028/rgb_00024.jpg /bathroom_0028/sync_depth_00024.png 518.8579 +/bedroom_0081/rgb_00006.jpg /bedroom_0081/sync_depth_00006.png 518.8579 +/bedroom_0078/rgb_00130.jpg /bedroom_0078/sync_depth_00130.png 518.8579 +/study_0008/rgb_00040.jpg /study_0008/sync_depth_00040.png 518.8579 +/bedroom_0016/rgb_00151.jpg /bedroom_0016/sync_depth_00151.png 518.8579 +/bedroom_0067b/rgb_00030.jpg /bedroom_0067b/sync_depth_00030.png 518.8579 +/kitchen_0053/rgb_00046.jpg /kitchen_0053/sync_depth_00046.png 518.8579 +/bedroom_0041/rgb_00056.jpg /bedroom_0041/sync_depth_00056.png 518.8579 +/dining_room_0015/rgb_00272.jpg /dining_room_0015/sync_depth_00272.png 518.8579 +/living_room_0006/rgb_00023.jpg /living_room_0006/sync_depth_00023.png 518.8579 +/classroom_0010/rgb_00016.jpg /classroom_0010/sync_depth_00016.png 518.8579 +/bedroom_0086/rgb_00084.jpg /bedroom_0086/sync_depth_00084.png 518.8579 +/classroom_0012/rgb_00015.jpg /classroom_0012/sync_depth_00015.png 518.8579 +/furniture_store_0001d/rgb_00203.jpg /furniture_store_0001d/sync_depth_00203.png 518.8579 +/kitchen_0011b/rgb_00024.jpg /kitchen_0011b/sync_depth_00024.png 518.8579 +/nyu_office_0/rgb_00075.jpg /nyu_office_0/sync_depth_00075.png 518.8579 +/kitchen_0047/rgb_00142.jpg /kitchen_0047/sync_depth_00142.png 518.8579 +/kitchen_0049/rgb_00132.jpg /kitchen_0049/sync_depth_00132.png 518.8579 +/dinette_0001/rgb_00012.jpg /dinette_0001/sync_depth_00012.png 518.8579 +/bedroom_0042/rgb_00022.jpg /bedroom_0042/sync_depth_00022.png 518.8579 +/dining_room_0001b/rgb_00222.jpg /dining_room_0001b/sync_depth_00222.png 518.8579 +/classroom_0006/rgb_00006.jpg /classroom_0006/sync_depth_00006.png 518.8579 +/bedroom_0066/rgb_00040.jpg /bedroom_0066/sync_depth_00040.png 518.8579 +/kitchen_0051/rgb_00168.jpg /kitchen_0051/sync_depth_00168.png 518.8579 +/bedroom_0079/rgb_00019.jpg /bedroom_0079/sync_depth_00019.png 518.8579 +/living_room_0042a/rgb_00029.jpg /living_room_0042a/sync_depth_00029.png 518.8579 +/kitchen_0017/rgb_00110.jpg /kitchen_0017/sync_depth_00110.png 518.8579 +/bathroom_0010/rgb_00040.jpg /bathroom_0010/sync_depth_00040.png 518.8579 +/office_0006/rgb_00061.jpg /office_0006/sync_depth_00061.png 518.8579 +/kitchen_0019a/rgb_00127.jpg /kitchen_0019a/sync_depth_00127.png 518.8579 +/study_room_0004/rgb_00006.jpg /study_room_0004/sync_depth_00006.png 518.8579 +/bedroom_0136/rgb_00094.jpg /bedroom_0136/sync_depth_00094.png 518.8579 +/bookstore_0001f/rgb_00521.jpg /bookstore_0001f/sync_depth_00521.png 518.8579 +/bedroom_0078/rgb_00090.jpg /bedroom_0078/sync_depth_00090.png 518.8579 +/kitchen_0043/rgb_00018.jpg /kitchen_0043/sync_depth_00018.png 518.8579 +/kitchen_0045a/rgb_00031.jpg /kitchen_0045a/sync_depth_00031.png 518.8579 +/living_room_0012/rgb_00068.jpg /living_room_0012/sync_depth_00068.png 518.8579 +/living_room_0005/rgb_00132.jpg /living_room_0005/sync_depth_00132.png 518.8579 +/playroom_0003/rgb_00206.jpg /playroom_0003/sync_depth_00206.png 518.8579 +/classroom_0022/rgb_00093.jpg /classroom_0022/sync_depth_00093.png 518.8579 +/furniture_store_0002b/rgb_00006.jpg /furniture_store_0002b/sync_depth_00006.png 518.8579 +/bedroom_0098/rgb_00031.jpg /bedroom_0098/sync_depth_00031.png 518.8579 +/kitchen_0050/rgb_00068.jpg /kitchen_0050/sync_depth_00068.png 518.8579 +/study_0004/rgb_00039.jpg /study_0004/sync_depth_00039.png 518.8579 +/bedroom_0056b/rgb_00018.jpg /bedroom_0056b/sync_depth_00018.png 518.8579 +/living_room_0019/rgb_00109.jpg /living_room_0019/sync_depth_00109.png 518.8579 +/kitchen_0011a/rgb_00087.jpg /kitchen_0011a/sync_depth_00087.png 518.8579 +/bedroom_0066/rgb_00055.jpg /bedroom_0066/sync_depth_00055.png 518.8579 +/bedroom_0012/rgb_00025.jpg /bedroom_0012/sync_depth_00025.png 518.8579 +/living_room_0018/rgb_00034.jpg /living_room_0018/sync_depth_00034.png 518.8579 +/bedroom_0106/rgb_00083.jpg /bedroom_0106/sync_depth_00083.png 518.8579 +/study_room_0005b/rgb_00077.jpg /study_room_0005b/sync_depth_00077.png 518.8579 +/home_office_0008/rgb_00036.jpg /home_office_0008/sync_depth_00036.png 518.8579 +/dining_room_0034/rgb_00057.jpg /dining_room_0034/sync_depth_00057.png 518.8579 +/kitchen_0033/rgb_00009.jpg /kitchen_0033/sync_depth_00009.png 518.8579 +/dining_room_0024/rgb_00060.jpg /dining_room_0024/sync_depth_00060.png 518.8579 +/bookstore_0001g/rgb_00082.jpg /bookstore_0001g/sync_depth_00082.png 518.8579 +/playroom_0006/rgb_00125.jpg /playroom_0006/sync_depth_00125.png 518.8579 +/office_0024/rgb_00036.jpg /office_0024/sync_depth_00036.png 518.8579 +/furniture_store_0001d/rgb_00041.jpg /furniture_store_0001d/sync_depth_00041.png 518.8579 +/kitchen_0050/rgb_00110.jpg /kitchen_0050/sync_depth_00110.png 518.8579 +/bedroom_0076a/rgb_00274.jpg /bedroom_0076a/sync_depth_00274.png 518.8579 +/furniture_store_0002a/rgb_00401.jpg /furniture_store_0002a/sync_depth_00401.png 518.8579 +/bathroom_0007/rgb_00014.jpg /bathroom_0007/sync_depth_00014.png 518.8579 +/playroom_0003/rgb_00205.jpg /playroom_0003/sync_depth_00205.png 518.8579 +/living_room_0070/rgb_00047.jpg /living_room_0070/sync_depth_00047.png 518.8579 +/living_room_0078/rgb_00114.jpg /living_room_0078/sync_depth_00114.png 518.8579 +/bookstore_0001i/rgb_00088.jpg /bookstore_0001i/sync_depth_00088.png 518.8579 +/office_0004/rgb_00007.jpg /office_0004/sync_depth_00007.png 518.8579 +/dining_room_0034/rgb_00099.jpg /dining_room_0034/sync_depth_00099.png 518.8579 +/bathroom_0041/rgb_00088.jpg /bathroom_0041/sync_depth_00088.png 518.8579 +/living_room_0050/rgb_00094.jpg /living_room_0050/sync_depth_00094.png 518.8579 +/living_room_0022/rgb_00422.jpg /living_room_0022/sync_depth_00422.png 518.8579 +/bedroom_0039/rgb_00030.jpg /bedroom_0039/sync_depth_00030.png 518.8579 +/bedroom_0130/rgb_00088.jpg /bedroom_0130/sync_depth_00088.png 518.8579 +/kitchen_0029c/rgb_00061.jpg /kitchen_0029c/sync_depth_00061.png 518.8579 +/kitchen_0050/rgb_00099.jpg /kitchen_0050/sync_depth_00099.png 518.8579 +/kitchen_0028a/rgb_00013.jpg /kitchen_0028a/sync_depth_00013.png 518.8579 +/furniture_store_0001f/rgb_00005.jpg /furniture_store_0001f/sync_depth_00005.png 518.8579 +/bookstore_0001h/rgb_00020.jpg /bookstore_0001h/sync_depth_00020.png 518.8579 +/kitchen_0017/rgb_00088.jpg /kitchen_0017/sync_depth_00088.png 518.8579 +/classroom_0010/rgb_00050.jpg /classroom_0010/sync_depth_00050.png 518.8579 +/kitchen_0050/rgb_00038.jpg /kitchen_0050/sync_depth_00038.png 518.8579 +/living_room_0037/rgb_00019.jpg /living_room_0037/sync_depth_00019.png 518.8579 +/kitchen_0016/rgb_00090.jpg /kitchen_0016/sync_depth_00090.png 518.8579 +/kitchen_0047/rgb_00036.jpg /kitchen_0047/sync_depth_00036.png 518.8579 +/bookstore_0001g/rgb_00214.jpg /bookstore_0001g/sync_depth_00214.png 518.8579 +/bathroom_0034/rgb_00070.jpg /bathroom_0034/sync_depth_00070.png 518.8579 +/kitchen_0043/rgb_00135.jpg /kitchen_0043/sync_depth_00135.png 518.8579 +/bathroom_0007/rgb_00013.jpg /bathroom_0007/sync_depth_00013.png 518.8579 +/bedroom_0031/rgb_00025.jpg /bedroom_0031/sync_depth_00025.png 518.8579 +/furniture_store_0002a/rgb_00239.jpg /furniture_store_0002a/sync_depth_00239.png 518.8579 +/kitchen_0011b/rgb_00006.jpg /kitchen_0011b/sync_depth_00006.png 518.8579 +/office_kitchen_0003/rgb_00049.jpg /office_kitchen_0003/sync_depth_00049.png 518.8579 +/dining_room_0028/rgb_00085.jpg /dining_room_0028/sync_depth_00085.png 518.8579 +/dining_room_0015/rgb_00105.jpg /dining_room_0015/sync_depth_00105.png 518.8579 +/bookstore_0001j/rgb_00194.jpg /bookstore_0001j/sync_depth_00194.png 518.8579 +/dining_room_0031/rgb_00358.jpg /dining_room_0031/sync_depth_00358.png 518.8579 +/bedroom_0052/rgb_00163.jpg /bedroom_0052/sync_depth_00163.png 518.8579 +/kitchen_0043/rgb_00059.jpg /kitchen_0043/sync_depth_00059.png 518.8579 +/bedroom_0076a/rgb_00018.jpg /bedroom_0076a/sync_depth_00018.png 518.8579 +/living_room_0050/rgb_00083.jpg /living_room_0050/sync_depth_00083.png 518.8579 +/kitchen_0053/rgb_00015.jpg /kitchen_0053/sync_depth_00015.png 518.8579 +/kitchen_0051/rgb_00211.jpg /kitchen_0051/sync_depth_00211.png 518.8579 +/bookstore_0001j/rgb_00233.jpg /bookstore_0001j/sync_depth_00233.png 518.8579 +/bookstore_0001j/rgb_00294.jpg /bookstore_0001j/sync_depth_00294.png 518.8579 +/conference_room_0001/rgb_00093.jpg /conference_room_0001/sync_depth_00093.png 518.8579 +/nyu_office_0/rgb_00333.jpg /nyu_office_0/sync_depth_00333.png 518.8579 +/kitchen_0048/rgb_00021.jpg /kitchen_0048/sync_depth_00021.png 518.8579 +/furniture_store_0002b/rgb_00024.jpg /furniture_store_0002b/sync_depth_00024.png 518.8579 +/nyu_office_1/rgb_00085.jpg /nyu_office_1/sync_depth_00085.png 518.8579 +/home_office_0006/rgb_00065.jpg /home_office_0006/sync_depth_00065.png 518.8579 +/dining_room_0008/rgb_00112.jpg /dining_room_0008/sync_depth_00112.png 518.8579 +/living_room_0005/rgb_00149.jpg /living_room_0005/sync_depth_00149.png 518.8579 +/kitchen_0035b/rgb_00044.jpg /kitchen_0035b/sync_depth_00044.png 518.8579 +/bedroom_0060/rgb_00040.jpg /bedroom_0060/sync_depth_00040.png 518.8579 +/living_room_0033/rgb_00019.jpg /living_room_0033/sync_depth_00019.png 518.8579 +/dining_room_0010/rgb_00051.jpg /dining_room_0010/sync_depth_00051.png 518.8579 +/kitchen_0010/rgb_00011.jpg /kitchen_0010/sync_depth_00011.png 518.8579 +/kitchen_0049/rgb_00154.jpg /kitchen_0049/sync_depth_00154.png 518.8579 +/living_room_0070/rgb_00048.jpg /living_room_0070/sync_depth_00048.png 518.8579 +/living_room_0020/rgb_00232.jpg /living_room_0020/sync_depth_00232.png 518.8579 +/home_office_0013/rgb_00003.jpg /home_office_0013/sync_depth_00003.png 518.8579 +/living_room_0020/rgb_00061.jpg /living_room_0020/sync_depth_00061.png 518.8579 +/living_room_0029/rgb_00033.jpg /living_room_0029/sync_depth_00033.png 518.8579 +/bookstore_0001f/rgb_00271.jpg /bookstore_0001f/sync_depth_00271.png 518.8579 +/bedroom_0104/rgb_00077.jpg /bedroom_0104/sync_depth_00077.png 518.8579 +/bathroom_0039/rgb_00029.jpg /bathroom_0039/sync_depth_00029.png 518.8579 +/playroom_0003/rgb_00105.jpg /playroom_0003/sync_depth_00105.png 518.8579 +/dining_room_0001b/rgb_00095.jpg /dining_room_0001b/sync_depth_00095.png 518.8579 +/office_0024/rgb_00035.jpg /office_0024/sync_depth_00035.png 518.8579 +/classroom_0006/rgb_00195.jpg /classroom_0006/sync_depth_00195.png 518.8579 +/kitchen_0011b/rgb_00044.jpg /kitchen_0011b/sync_depth_00044.png 518.8579 +/bedroom_0063/rgb_00003.jpg /bedroom_0063/sync_depth_00003.png 518.8579 +/living_room_0046b/rgb_00116.jpg /living_room_0046b/sync_depth_00116.png 518.8579 +/office_0009/rgb_00001.jpg /office_0009/sync_depth_00001.png 518.8579 +/office_0026/rgb_00006.jpg /office_0026/sync_depth_00006.png 518.8579 +/living_room_0083/rgb_00097.jpg /living_room_0083/sync_depth_00097.png 518.8579 +/home_office_0004/rgb_00115.jpg /home_office_0004/sync_depth_00115.png 518.8579 +/bathroom_0051/rgb_00043.jpg /bathroom_0051/sync_depth_00043.png 518.8579 +/bookstore_0001g/rgb_00213.jpg /bookstore_0001g/sync_depth_00213.png 518.8579 +/living_room_0012/rgb_00138.jpg /living_room_0012/sync_depth_00138.png 518.8579 +/bathroom_0053/rgb_00047.jpg /bathroom_0053/sync_depth_00047.png 518.8579 +/bathroom_0033/rgb_00059.jpg /bathroom_0033/sync_depth_00059.png 518.8579 +/living_room_0071/rgb_00045.jpg /living_room_0071/sync_depth_00045.png 518.8579 +/dinette_0001/rgb_00031.jpg /dinette_0001/sync_depth_00031.png 518.8579 +/kitchen_0028a/rgb_00197.jpg /kitchen_0028a/sync_depth_00197.png 518.8579 +/home_office_0007/rgb_00057.jpg /home_office_0007/sync_depth_00057.png 518.8579 +/bedroom_0067a/rgb_00012.jpg /bedroom_0067a/sync_depth_00012.png 518.8579 +/dining_room_0007/rgb_00207.jpg /dining_room_0007/sync_depth_00207.png 518.8579 +/kitchen_0047/rgb_00119.jpg /kitchen_0047/sync_depth_00119.png 518.8579 +/student_lounge_0001/rgb_00058.jpg /student_lounge_0001/sync_depth_00058.png 518.8579 +/bedroom_0082/rgb_00043.jpg /bedroom_0082/sync_depth_00043.png 518.8579 +/living_room_0058/rgb_00112.jpg /living_room_0058/sync_depth_00112.png 518.8579 +/bathroom_0039/rgb_00042.jpg /bathroom_0039/sync_depth_00042.png 518.8579 +/living_room_0010/rgb_00118.jpg /living_room_0010/sync_depth_00118.png 518.8579 +/basement_0001b/rgb_00037.jpg /basement_0001b/sync_depth_00037.png 518.8579 +/bedroom_0039/rgb_00013.jpg /bedroom_0039/sync_depth_00013.png 518.8579 +/bedroom_0060/rgb_00009.jpg /bedroom_0060/sync_depth_00009.png 518.8579 +/bedroom_0125b/rgb_00019.jpg /bedroom_0125b/sync_depth_00019.png 518.8579 +/kitchen_0047/rgb_00090.jpg /kitchen_0047/sync_depth_00090.png 518.8579 +/excercise_room_0001/rgb_00011.jpg /excercise_room_0001/sync_depth_00011.png 518.8579 +/dining_room_0031/rgb_00105.jpg /dining_room_0031/sync_depth_00105.png 518.8579 +/bedroom_0015/rgb_00075.jpg /bedroom_0015/sync_depth_00075.png 518.8579 +/kitchen_0035b/rgb_00063.jpg /kitchen_0035b/sync_depth_00063.png 518.8579 +/student_lounge_0001/rgb_00106.jpg /student_lounge_0001/sync_depth_00106.png 518.8579 +/living_room_0046a/rgb_00082.jpg /living_room_0046a/sync_depth_00082.png 518.8579 +/bedroom_0074/rgb_00098.jpg /bedroom_0074/sync_depth_00098.png 518.8579 +/living_room_0010/rgb_00081.jpg /living_room_0010/sync_depth_00081.png 518.8579 +/bookstore_0001f/rgb_00033.jpg /bookstore_0001f/sync_depth_00033.png 518.8579 +/bookstore_0001j/rgb_00076.jpg /bookstore_0001j/sync_depth_00076.png 518.8579 +/bedroom_0136/rgb_00135.jpg /bedroom_0136/sync_depth_00135.png 518.8579 +/bathroom_0035/rgb_00005.jpg /bathroom_0035/sync_depth_00005.png 518.8579 +/bookstore_0001g/rgb_00108.jpg /bookstore_0001g/sync_depth_00108.png 518.8579 +/cafe_0001b/rgb_00059.jpg /cafe_0001b/sync_depth_00059.png 518.8579 +/kitchen_0016/rgb_00036.jpg /kitchen_0016/sync_depth_00036.png 518.8579 +/furniture_store_0002b/rgb_00141.jpg /furniture_store_0002b/sync_depth_00141.png 518.8579 +/bedroom_0125b/rgb_00078.jpg /bedroom_0125b/sync_depth_00078.png 518.8579 +/living_room_0042b/rgb_00083.jpg /living_room_0042b/sync_depth_00083.png 518.8579 +/bookstore_0001h/rgb_00105.jpg /bookstore_0001h/sync_depth_00105.png 518.8579 +/kitchen_0048/rgb_00264.jpg /kitchen_0048/sync_depth_00264.png 518.8579 +/living_room_0022/rgb_00290.jpg /living_room_0022/sync_depth_00290.png 518.8579 +/bedroom_0094/rgb_00029.jpg /bedroom_0094/sync_depth_00029.png 518.8579 +/bedroom_0067b/rgb_00025.jpg /bedroom_0067b/sync_depth_00025.png 518.8579 +/bedroom_0060/rgb_00092.jpg /bedroom_0060/sync_depth_00092.png 518.8579 +/excercise_room_0001/rgb_00119.jpg /excercise_room_0001/sync_depth_00119.png 518.8579 +/living_room_0019/rgb_00237.jpg /living_room_0019/sync_depth_00237.png 518.8579 +/bedroom_0082/rgb_00033.jpg /bedroom_0082/sync_depth_00033.png 518.8579 +/office_0003/rgb_00038.jpg /office_0003/sync_depth_00038.png 518.8579 +/kitchen_0010/rgb_00058.jpg /kitchen_0010/sync_depth_00058.png 518.8579 +/bedroom_0016/rgb_00183.jpg /bedroom_0016/sync_depth_00183.png 518.8579 +/playroom_0002/rgb_00001.jpg /playroom_0002/sync_depth_00001.png 518.8579 +/living_room_0062/rgb_00110.jpg /living_room_0062/sync_depth_00110.png 518.8579 +/furniture_store_0002a/rgb_00330.jpg /furniture_store_0002a/sync_depth_00330.png 518.8579 +/kitchen_0003/rgb_00112.jpg /kitchen_0003/sync_depth_00112.png 518.8579 +/dining_room_0034/rgb_00229.jpg /dining_room_0034/sync_depth_00229.png 518.8579 +/office_kitchen_0003/rgb_00015.jpg /office_kitchen_0003/sync_depth_00015.png 518.8579 +/dining_room_0008/rgb_00105.jpg /dining_room_0008/sync_depth_00105.png 518.8579 +/study_0003/rgb_00071.jpg /study_0003/sync_depth_00071.png 518.8579 +/kitchen_0037/rgb_00056.jpg /kitchen_0037/sync_depth_00056.png 518.8579 +/cafe_0001b/rgb_00007.jpg /cafe_0001b/sync_depth_00007.png 518.8579 +/living_room_0038/rgb_00106.jpg /living_room_0038/sync_depth_00106.png 518.8579 +/living_room_0010/rgb_00222.jpg /living_room_0010/sync_depth_00222.png 518.8579 +/kitchen_0045a/rgb_00025.jpg /kitchen_0045a/sync_depth_00025.png 518.8579 +/furniture_store_0001b/rgb_00002.jpg /furniture_store_0001b/sync_depth_00002.png 518.8579 +/living_room_0012/rgb_00193.jpg /living_room_0012/sync_depth_00193.png 518.8579 +/kitchen_0045b/rgb_00019.jpg /kitchen_0045b/sync_depth_00019.png 518.8579 +/bedroom_0034/rgb_00072.jpg /bedroom_0034/sync_depth_00072.png 518.8579 +/bedroom_0106/rgb_00020.jpg /bedroom_0106/sync_depth_00020.png 518.8579 +/bedroom_0056a/rgb_00104.jpg /bedroom_0056a/sync_depth_00104.png 518.8579 +/office_0026/rgb_00152.jpg /office_0026/sync_depth_00152.png 518.8579 +/living_room_0035/rgb_00070.jpg /living_room_0035/sync_depth_00070.png 518.8579 +/furniture_store_0002c/rgb_00045.jpg /furniture_store_0002c/sync_depth_00045.png 518.8579 +/bedroom_0010/rgb_00090.jpg /bedroom_0010/sync_depth_00090.png 518.8579 +/kitchen_0052/rgb_00097.jpg /kitchen_0052/sync_depth_00097.png 518.8579 +/bookstore_0001j/rgb_00283.jpg /bookstore_0001j/sync_depth_00283.png 518.8579 +/living_room_0022/rgb_00147.jpg /living_room_0022/sync_depth_00147.png 518.8579 +/classroom_0016/rgb_00003.jpg /classroom_0016/sync_depth_00003.png 518.8579 +/kitchen_0011a/rgb_00120.jpg /kitchen_0011a/sync_depth_00120.png 518.8579 +/dining_room_0033/rgb_00192.jpg /dining_room_0033/sync_depth_00192.png 518.8579 +/bookstore_0001j/rgb_00228.jpg /bookstore_0001j/sync_depth_00228.png 518.8579 +/dining_room_0016/rgb_00013.jpg /dining_room_0016/sync_depth_00013.png 518.8579 +/living_room_0019/rgb_00056.jpg /living_room_0019/sync_depth_00056.png 518.8579 +/bedroom_0017/rgb_00079.jpg /bedroom_0017/sync_depth_00079.png 518.8579 +/bathroom_0002/rgb_00002.jpg /bathroom_0002/sync_depth_00002.png 518.8579 +/living_room_0029/rgb_00003.jpg /living_room_0029/sync_depth_00003.png 518.8579 +/classroom_0005/rgb_00042.jpg /classroom_0005/sync_depth_00042.png 518.8579 +/kitchen_0059/rgb_00080.jpg /kitchen_0059/sync_depth_00080.png 518.8579 +/kitchen_0049/rgb_00122.jpg /kitchen_0049/sync_depth_00122.png 518.8579 +/living_room_0020/rgb_00167.jpg /living_room_0020/sync_depth_00167.png 518.8579 +/bedroom_0081/rgb_00013.jpg /bedroom_0081/sync_depth_00013.png 518.8579 +/bedroom_0052/rgb_00100.jpg /bedroom_0052/sync_depth_00100.png 518.8579 +/living_room_0070/rgb_00027.jpg /living_room_0070/sync_depth_00027.png 518.8579 +/bedroom_0019/rgb_00140.jpg /bedroom_0019/sync_depth_00140.png 518.8579 +/office_kitchen_0001a/rgb_00049.jpg /office_kitchen_0001a/sync_depth_00049.png 518.8579 +/bookstore_0001f/rgb_00200.jpg /bookstore_0001f/sync_depth_00200.png 518.8579 +/kitchen_0052/rgb_00001.jpg /kitchen_0052/sync_depth_00001.png 518.8579 +/living_room_0085/rgb_00032.jpg /living_room_0085/sync_depth_00032.png 518.8579 +/office_0011/rgb_00073.jpg /office_0011/sync_depth_00073.png 518.8579 +/bedroom_0026/rgb_00045.jpg /bedroom_0026/sync_depth_00045.png 518.8579 +/kitchen_0059/rgb_00029.jpg /kitchen_0059/sync_depth_00029.png 518.8579 +/home_office_0005/rgb_00110.jpg /home_office_0005/sync_depth_00110.png 518.8579 +/kitchen_0053/rgb_00123.jpg /kitchen_0053/sync_depth_00123.png 518.8579 +/bookstore_0001e/rgb_00134.jpg /bookstore_0001e/sync_depth_00134.png 518.8579 +/bedroom_0012/rgb_00049.jpg /bedroom_0012/sync_depth_00049.png 518.8579 +/study_room_0004/rgb_00143.jpg /study_room_0004/sync_depth_00143.png 518.8579 +/bedroom_0125a/rgb_00004.jpg /bedroom_0125a/sync_depth_00004.png 518.8579 +/bedroom_0069/rgb_00051.jpg /bedroom_0069/sync_depth_00051.png 518.8579 +/bedroom_0100/rgb_00012.jpg /bedroom_0100/sync_depth_00012.png 518.8579 +/dining_room_0029/rgb_00000.jpg /dining_room_0029/sync_depth_00000.png 518.8579 +/kitchen_0006/rgb_00040.jpg /kitchen_0006/sync_depth_00040.png 518.8579 +/bedroom_0052/rgb_00202.jpg /bedroom_0052/sync_depth_00202.png 518.8579 +/kitchen_0053/rgb_00176.jpg /kitchen_0053/sync_depth_00176.png 518.8579 +/bedroom_0033/rgb_00092.jpg /bedroom_0033/sync_depth_00092.png 518.8579 +/bedroom_0140/rgb_00148.jpg /bedroom_0140/sync_depth_00148.png 518.8579 +/bedroom_0072/rgb_00005.jpg /bedroom_0072/sync_depth_00005.png 518.8579 +/living_room_0012/rgb_00094.jpg /living_room_0012/sync_depth_00094.png 518.8579 +/living_room_0047a/rgb_00067.jpg /living_room_0047a/sync_depth_00067.png 518.8579 +/home_office_0005/rgb_00080.jpg /home_office_0005/sync_depth_00080.png 518.8579 +/living_room_0004/rgb_00101.jpg /living_room_0004/sync_depth_00101.png 518.8579 +/dining_room_0019/rgb_00151.jpg /dining_room_0019/sync_depth_00151.png 518.8579 +/bathroom_0054/rgb_00025.jpg /bathroom_0054/sync_depth_00025.png 518.8579 +/dining_room_0008/rgb_00184.jpg /dining_room_0008/sync_depth_00184.png 518.8579 +/living_room_0062/rgb_00023.jpg /living_room_0062/sync_depth_00023.png 518.8579 +/bedroom_0063/rgb_00043.jpg /bedroom_0063/sync_depth_00043.png 518.8579 +/living_room_0004/rgb_00070.jpg /living_room_0004/sync_depth_00070.png 518.8579 +/laundry_room_0001/rgb_00051.jpg /laundry_room_0001/sync_depth_00051.png 518.8579 +/bedroom_0130/rgb_00022.jpg /bedroom_0130/sync_depth_00022.png 518.8579 +/bathroom_0030/rgb_00024.jpg /bathroom_0030/sync_depth_00024.png 518.8579 +/furniture_store_0001f/rgb_00020.jpg /furniture_store_0001f/sync_depth_00020.png 518.8579 +/playroom_0002/rgb_00003.jpg /playroom_0002/sync_depth_00003.png 518.8579 +/bookstore_0001f/rgb_00493.jpg /bookstore_0001f/sync_depth_00493.png 518.8579 +/bedroom_0028/rgb_00061.jpg /bedroom_0028/sync_depth_00061.png 518.8579 +/bedroom_0072/rgb_00117.jpg /bedroom_0072/sync_depth_00117.png 518.8579 +/living_room_0020/rgb_00220.jpg /living_room_0020/sync_depth_00220.png 518.8579 +/bedroom_0057/rgb_00028.jpg /bedroom_0057/sync_depth_00028.png 518.8579 +/dining_room_0008/rgb_00140.jpg /dining_room_0008/sync_depth_00140.png 518.8579 +/dining_room_0029/rgb_00143.jpg /dining_room_0029/sync_depth_00143.png 518.8579 +/living_room_0058/rgb_00187.jpg /living_room_0058/sync_depth_00187.png 518.8579 +/bedroom_0017/rgb_00133.jpg /bedroom_0017/sync_depth_00133.png 518.8579 +/dining_room_0023/rgb_00019.jpg /dining_room_0023/sync_depth_00019.png 518.8579 +/bookstore_0001i/rgb_00070.jpg /bookstore_0001i/sync_depth_00070.png 518.8579 +/study_0006/rgb_00028.jpg /study_0006/sync_depth_00028.png 518.8579 +/bedroom_0025/rgb_00126.jpg /bedroom_0025/sync_depth_00126.png 518.8579 +/living_room_0078/rgb_00051.jpg /living_room_0078/sync_depth_00051.png 518.8579 +/living_room_0020/rgb_00016.jpg /living_room_0020/sync_depth_00016.png 518.8579 +/bathroom_0019/rgb_00036.jpg /bathroom_0019/sync_depth_00036.png 518.8579 +/living_room_0070/rgb_00041.jpg /living_room_0070/sync_depth_00041.png 518.8579 +/kitchen_0011a/rgb_00009.jpg /kitchen_0011a/sync_depth_00009.png 518.8579 +/living_room_0047a/rgb_00019.jpg /living_room_0047a/sync_depth_00019.png 518.8579 +/home_office_0005/rgb_00035.jpg /home_office_0005/sync_depth_00035.png 518.8579 +/bookstore_0001d/rgb_00200.jpg /bookstore_0001d/sync_depth_00200.png 518.8579 +/nyu_office_1/rgb_00079.jpg /nyu_office_1/sync_depth_00079.png 518.8579 +/bathroom_0056/rgb_00034.jpg /bathroom_0056/sync_depth_00034.png 518.8579 +/dining_room_0023/rgb_00041.jpg /dining_room_0023/sync_depth_00041.png 518.8579 +/kitchen_0048/rgb_00250.jpg /kitchen_0048/sync_depth_00250.png 518.8579 +/furniture_store_0001d/rgb_00233.jpg /furniture_store_0001d/sync_depth_00233.png 518.8579 +/living_room_0012/rgb_00100.jpg /living_room_0012/sync_depth_00100.png 518.8579 +/bedroom_0056b/rgb_00012.jpg /bedroom_0056b/sync_depth_00012.png 518.8579 +/kitchen_0006/rgb_00028.jpg /kitchen_0006/sync_depth_00028.png 518.8579 +/bedroom_0098/rgb_00061.jpg /bedroom_0098/sync_depth_00061.png 518.8579 +/bookstore_0001e/rgb_00145.jpg /bookstore_0001e/sync_depth_00145.png 518.8579 +/furniture_store_0001d/rgb_00113.jpg /furniture_store_0001d/sync_depth_00113.png 518.8579 +/bathroom_0049/rgb_00028.jpg /bathroom_0049/sync_depth_00028.png 518.8579 +/kitchen_0050/rgb_00039.jpg /kitchen_0050/sync_depth_00039.png 518.8579 +/study_room_0005b/rgb_00052.jpg /study_room_0005b/sync_depth_00052.png 518.8579 +/playroom_0006/rgb_00029.jpg /playroom_0006/sync_depth_00029.png 518.8579 +/bookstore_0001h/rgb_00010.jpg /bookstore_0001h/sync_depth_00010.png 518.8579 +/kitchen_0033/rgb_00149.jpg /kitchen_0033/sync_depth_00149.png 518.8579 +/kitchen_0047/rgb_00017.jpg /kitchen_0047/sync_depth_00017.png 518.8579 +/bookstore_0001f/rgb_00123.jpg /bookstore_0001f/sync_depth_00123.png 518.8579 +/bedroom_0071/rgb_00034.jpg /bedroom_0071/sync_depth_00034.png 518.8579 +/furniture_store_0002b/rgb_00265.jpg /furniture_store_0002b/sync_depth_00265.png 518.8579 +/kitchen_0019a/rgb_00260.jpg /kitchen_0019a/sync_depth_00260.png 518.8579 +/nyu_office_1/rgb_00002.jpg /nyu_office_1/sync_depth_00002.png 518.8579 +/home_office_0008/rgb_00166.jpg /home_office_0008/sync_depth_00166.png 518.8579 +/kitchen_0033/rgb_00126.jpg /kitchen_0033/sync_depth_00126.png 518.8579 +/dining_room_0001b/rgb_00154.jpg /dining_room_0001b/sync_depth_00154.png 518.8579 +/bookstore_0001h/rgb_00155.jpg /bookstore_0001h/sync_depth_00155.png 518.8579 +/bedroom_0086/rgb_00063.jpg /bedroom_0086/sync_depth_00063.png 518.8579 +/home_office_0004/rgb_00169.jpg /home_office_0004/sync_depth_00169.png 518.8579 +/kitchen_0028a/rgb_00112.jpg /kitchen_0028a/sync_depth_00112.png 518.8579 +/bedroom_0016/rgb_00107.jpg /bedroom_0016/sync_depth_00107.png 518.8579 +/bedroom_0033/rgb_00004.jpg /bedroom_0033/sync_depth_00004.png 518.8579 +/bedroom_0138/rgb_00011.jpg /bedroom_0138/sync_depth_00011.png 518.8579 +/bathroom_0010/rgb_00052.jpg /bathroom_0010/sync_depth_00052.png 518.8579 +/home_office_0006/rgb_00087.jpg /home_office_0006/sync_depth_00087.png 518.8579 +/nyu_office_0/rgb_00099.jpg /nyu_office_0/sync_depth_00099.png 518.8579 +/kitchen_0051/rgb_00223.jpg /kitchen_0051/sync_depth_00223.png 518.8579 +/living_room_0022/rgb_00367.jpg /living_room_0022/sync_depth_00367.png 518.8579 +/study_0003/rgb_00105.jpg /study_0003/sync_depth_00105.png 518.8579 +/dining_room_0016/rgb_00122.jpg /dining_room_0016/sync_depth_00122.png 518.8579 +/dining_room_0012/rgb_00173.jpg /dining_room_0012/sync_depth_00173.png 518.8579 +/living_room_0055/rgb_00066.jpg /living_room_0055/sync_depth_00066.png 518.8579 +/student_lounge_0001/rgb_00097.jpg /student_lounge_0001/sync_depth_00097.png 518.8579 +/home_office_0007/rgb_00011.jpg /home_office_0007/sync_depth_00011.png 518.8579 +/bedroom_0107/rgb_00017.jpg /bedroom_0107/sync_depth_00017.png 518.8579 +/kitchen_0035b/rgb_00108.jpg /kitchen_0035b/sync_depth_00108.png 518.8579 +/office_0011/rgb_00104.jpg /office_0011/sync_depth_00104.png 518.8579 +/office_0024/rgb_00128.jpg /office_0024/sync_depth_00128.png 518.8579 +/nyu_office_1/rgb_00012.jpg /nyu_office_1/sync_depth_00012.png 518.8579 +/bedroom_0069/rgb_00005.jpg /bedroom_0069/sync_depth_00005.png 518.8579 +/furniture_store_0001b/rgb_00092.jpg /furniture_store_0001b/sync_depth_00092.png 518.8579 +/home_office_0005/rgb_00019.jpg /home_office_0005/sync_depth_00019.png 518.8579 +/classroom_0004/rgb_00054.jpg /classroom_0004/sync_depth_00054.png 518.8579 +/living_room_0050/rgb_00005.jpg /living_room_0050/sync_depth_00005.png 518.8579 +/bookstore_0001h/rgb_00145.jpg /bookstore_0001h/sync_depth_00145.png 518.8579 +/furniture_store_0002b/rgb_00168.jpg /furniture_store_0002b/sync_depth_00168.png 518.8579 +/bathroom_0034/rgb_00064.jpg /bathroom_0034/sync_depth_00064.png 518.8579 +/dining_room_0033/rgb_00188.jpg /dining_room_0033/sync_depth_00188.png 518.8579 +/bedroom_0034/rgb_00094.jpg /bedroom_0034/sync_depth_00094.png 518.8579 +/kitchen_0049/rgb_00126.jpg /kitchen_0049/sync_depth_00126.png 518.8579 +/bookstore_0001d/rgb_00049.jpg /bookstore_0001d/sync_depth_00049.png 518.8579 +/bedroom_0074/rgb_00042.jpg /bedroom_0074/sync_depth_00042.png 518.8579 +/bedroom_0052/rgb_00036.jpg /bedroom_0052/sync_depth_00036.png 518.8579 +/living_room_0063/rgb_00058.jpg /living_room_0063/sync_depth_00058.png 518.8579 +/home_office_0004/rgb_00112.jpg /home_office_0004/sync_depth_00112.png 518.8579 +/bathroom_0033/rgb_00056.jpg /bathroom_0033/sync_depth_00056.png 518.8579 +/computer_lab_0002/rgb_00051.jpg /computer_lab_0002/sync_depth_00051.png 518.8579 +/bedroom_0050/rgb_00066.jpg /bedroom_0050/sync_depth_00066.png 518.8579 +/bathroom_0048/rgb_00016.jpg /bathroom_0048/sync_depth_00016.png 518.8579 +/conference_room_0001/rgb_00148.jpg /conference_room_0001/sync_depth_00148.png 518.8579 +/bedroom_0136/rgb_00057.jpg /bedroom_0136/sync_depth_00057.png 518.8579 +/bedroom_0039/rgb_00004.jpg /bedroom_0039/sync_depth_00004.png 518.8579 +/dining_room_0007/rgb_00047.jpg /dining_room_0007/sync_depth_00047.png 518.8579 +/living_room_0055/rgb_00103.jpg /living_room_0055/sync_depth_00103.png 518.8579 +/bookstore_0001f/rgb_00474.jpg /bookstore_0001f/sync_depth_00474.png 518.8579 +/living_room_0035/rgb_00093.jpg /living_room_0035/sync_depth_00093.png 518.8579 +/bedroom_0132/rgb_00029.jpg /bedroom_0132/sync_depth_00029.png 518.8579 +/student_lounge_0001/rgb_00048.jpg /student_lounge_0001/sync_depth_00048.png 518.8579 +/study_room_0004/rgb_00027.jpg /study_room_0004/sync_depth_00027.png 518.8579 +/cafe_0001c/rgb_00085.jpg /cafe_0001c/sync_depth_00085.png 518.8579 +/living_room_0019/rgb_00220.jpg /living_room_0019/sync_depth_00220.png 518.8579 +/reception_room_0004/rgb_00079.jpg /reception_room_0004/sync_depth_00079.png 518.8579 +/office_0018/rgb_00024.jpg /office_0018/sync_depth_00024.png 518.8579 +/living_room_0019/rgb_00013.jpg /living_room_0019/sync_depth_00013.png 518.8579 +/bookstore_0001h/rgb_00132.jpg /bookstore_0001h/sync_depth_00132.png 518.8579 +/living_room_0019/rgb_00073.jpg /living_room_0019/sync_depth_00073.png 518.8579 +/playroom_0004/rgb_00036.jpg /playroom_0004/sync_depth_00036.png 518.8579 +/reception_room_0004/rgb_00078.jpg /reception_room_0004/sync_depth_00078.png 518.8579 +/home_office_0007/rgb_00014.jpg /home_office_0007/sync_depth_00014.png 518.8579 +/kitchen_0045b/rgb_00144.jpg /kitchen_0045b/sync_depth_00144.png 518.8579 +/student_lounge_0001/rgb_00093.jpg /student_lounge_0001/sync_depth_00093.png 518.8579 +/kitchen_0019b/rgb_00028.jpg /kitchen_0019b/sync_depth_00028.png 518.8579 +/bookstore_0001e/rgb_00098.jpg /bookstore_0001e/sync_depth_00098.png 518.8579 +/bedroom_0116/rgb_00008.jpg /bedroom_0116/sync_depth_00008.png 518.8579 +/kitchen_0016/rgb_00032.jpg /kitchen_0016/sync_depth_00032.png 518.8579 +/bathroom_0051/rgb_00053.jpg /bathroom_0051/sync_depth_00053.png 518.8579 +/laundry_room_0001/rgb_00040.jpg /laundry_room_0001/sync_depth_00040.png 518.8579 +/bathroom_0019/rgb_00063.jpg /bathroom_0019/sync_depth_00063.png 518.8579 +/kitchen_0035b/rgb_00314.jpg /kitchen_0035b/sync_depth_00314.png 518.8579 +/home_office_0004/rgb_00113.jpg /home_office_0004/sync_depth_00113.png 518.8579 +/reception_room_0002/rgb_00169.jpg /reception_room_0002/sync_depth_00169.png 518.8579 +/office_0019/rgb_00060.jpg /office_0019/sync_depth_00060.png 518.8579 +/dining_room_0033/rgb_00011.jpg /dining_room_0033/sync_depth_00011.png 518.8579 +/bedroom_0069/rgb_00076.jpg /bedroom_0069/sync_depth_00076.png 518.8579 +/living_room_0047b/rgb_00084.jpg /living_room_0047b/sync_depth_00084.png 518.8579 +/bathroom_0051/rgb_00042.jpg /bathroom_0051/sync_depth_00042.png 518.8579 +/bedroom_0034/rgb_00079.jpg /bedroom_0034/sync_depth_00079.png 518.8579 +/bedroom_0129/rgb_00059.jpg /bedroom_0129/sync_depth_00059.png 518.8579 +/bedroom_0004/rgb_00167.jpg /bedroom_0004/sync_depth_00167.png 518.8579 +/student_lounge_0001/rgb_00018.jpg /student_lounge_0001/sync_depth_00018.png 518.8579 +/bedroom_0047/rgb_00014.jpg /bedroom_0047/sync_depth_00014.png 518.8579 +/furniture_store_0002c/rgb_00070.jpg /furniture_store_0002c/sync_depth_00070.png 518.8579 +/bedroom_0051/rgb_00183.jpg /bedroom_0051/sync_depth_00183.png 518.8579 +/reception_room_0001b/rgb_00018.jpg /reception_room_0001b/sync_depth_00018.png 518.8579 +/kitchen_0047/rgb_00049.jpg /kitchen_0047/sync_depth_00049.png 518.8579 +/kitchen_0019a/rgb_00102.jpg /kitchen_0019a/sync_depth_00102.png 518.8579 +/kitchen_0045b/rgb_00021.jpg /kitchen_0045b/sync_depth_00021.png 518.8579 +/bedroom_0016/rgb_00215.jpg /bedroom_0016/sync_depth_00215.png 518.8579 +/bedroom_0076a/rgb_00220.jpg /bedroom_0076a/sync_depth_00220.png 518.8579 +/bedroom_0053/rgb_00015.jpg /bedroom_0053/sync_depth_00015.png 518.8579 +/bookstore_0001i/rgb_00038.jpg /bookstore_0001i/sync_depth_00038.png 518.8579 +/bookstore_0001d/rgb_00347.jpg /bookstore_0001d/sync_depth_00347.png 518.8579 +/kitchen_0011a/rgb_00104.jpg /kitchen_0011a/sync_depth_00104.png 518.8579 +/dining_room_0029/rgb_00034.jpg /dining_room_0029/sync_depth_00034.png 518.8579 +/dining_room_0016/rgb_00206.jpg /dining_room_0016/sync_depth_00206.png 518.8579 +/kitchen_0043/rgb_00192.jpg /kitchen_0043/sync_depth_00192.png 518.8579 +/kitchen_0028a/rgb_00017.jpg /kitchen_0028a/sync_depth_00017.png 518.8579 +/bathroom_0053/rgb_00028.jpg /bathroom_0053/sync_depth_00028.png 518.8579 +/home_office_0004/rgb_00074.jpg /home_office_0004/sync_depth_00074.png 518.8579 +/dining_room_0037/rgb_00067.jpg /dining_room_0037/sync_depth_00067.png 518.8579 +/bedroom_0072/rgb_00185.jpg /bedroom_0072/sync_depth_00185.png 518.8579 +/furniture_store_0001b/rgb_00072.jpg /furniture_store_0001b/sync_depth_00072.png 518.8579 +/kitchen_0047/rgb_00097.jpg /kitchen_0047/sync_depth_00097.png 518.8579 +/bathroom_0033/rgb_00005.jpg /bathroom_0033/sync_depth_00005.png 518.8579 +/living_room_0038/rgb_00108.jpg /living_room_0038/sync_depth_00108.png 518.8579 +/living_room_0063/rgb_00160.jpg /living_room_0063/sync_depth_00160.png 518.8579 +/kitchen_0049/rgb_00090.jpg /kitchen_0049/sync_depth_00090.png 518.8579 +/kitchen_0010/rgb_00122.jpg /kitchen_0010/sync_depth_00122.png 518.8579 +/dining_room_0023/rgb_00096.jpg /dining_room_0023/sync_depth_00096.png 518.8579 +/dining_room_0015/rgb_00077.jpg /dining_room_0015/sync_depth_00077.png 518.8579 +/bathroom_0048/rgb_00105.jpg /bathroom_0048/sync_depth_00105.png 518.8579 +/dining_room_0034/rgb_00190.jpg /dining_room_0034/sync_depth_00190.png 518.8579 +/bathroom_0024/rgb_00050.jpg /bathroom_0024/sync_depth_00050.png 518.8579 +/reception_room_0002/rgb_00030.jpg /reception_room_0002/sync_depth_00030.png 518.8579 +/classroom_0010/rgb_00056.jpg /classroom_0010/sync_depth_00056.png 518.8579 +/living_room_0050/rgb_00268.jpg /living_room_0050/sync_depth_00268.png 518.8579 +/bedroom_0014/rgb_00025.jpg /bedroom_0014/sync_depth_00025.png 518.8579 +/dining_room_0008/rgb_00126.jpg /dining_room_0008/sync_depth_00126.png 518.8579 +/dining_room_0007/rgb_00133.jpg /dining_room_0007/sync_depth_00133.png 518.8579 +/bookstore_0001j/rgb_00138.jpg /bookstore_0001j/sync_depth_00138.png 518.8579 +/living_room_0042b/rgb_00060.jpg /living_room_0042b/sync_depth_00060.png 518.8579 +/bedroom_0041/rgb_00073.jpg /bedroom_0041/sync_depth_00073.png 518.8579 +/bathroom_0041/rgb_00047.jpg /bathroom_0041/sync_depth_00047.png 518.8579 +/study_room_0005a/rgb_00003.jpg /study_room_0005a/sync_depth_00003.png 518.8579 +/bedroom_0014/rgb_00066.jpg /bedroom_0014/sync_depth_00066.png 518.8579 +/dining_room_0033/rgb_00059.jpg /dining_room_0033/sync_depth_00059.png 518.8579 +/bookstore_0001j/rgb_00047.jpg /bookstore_0001j/sync_depth_00047.png 518.8579 +/living_room_0019/rgb_00053.jpg /living_room_0019/sync_depth_00053.png 518.8579 +/study_room_0005b/rgb_00087.jpg /study_room_0005b/sync_depth_00087.png 518.8579 +/living_room_0063/rgb_00110.jpg /living_room_0063/sync_depth_00110.png 518.8579 +/dining_room_0004/rgb_00031.jpg /dining_room_0004/sync_depth_00031.png 518.8579 +/bedroom_0051/rgb_00201.jpg /bedroom_0051/sync_depth_00201.png 518.8579 +/living_room_0058/rgb_00208.jpg /living_room_0058/sync_depth_00208.png 518.8579 +/kitchen_0052/rgb_00149.jpg /kitchen_0052/sync_depth_00149.png 518.8579 +/living_room_0019/rgb_00010.jpg /living_room_0019/sync_depth_00010.png 518.8579 +/bedroom_0069/rgb_00000.jpg /bedroom_0069/sync_depth_00000.png 518.8579 +/living_room_0022/rgb_00013.jpg /living_room_0022/sync_depth_00013.png 518.8579 +/dining_room_0037/rgb_00137.jpg /dining_room_0037/sync_depth_00137.png 518.8579 +/kitchen_0006/rgb_00076.jpg /kitchen_0006/sync_depth_00076.png 518.8579 +/living_room_0038/rgb_00056.jpg /living_room_0038/sync_depth_00056.png 518.8579 +/bedroom_0019/rgb_00112.jpg /bedroom_0019/sync_depth_00112.png 518.8579 +/bathroom_0013/rgb_00070.jpg /bathroom_0013/sync_depth_00070.png 518.8579 +/bedroom_0014/rgb_00016.jpg /bedroom_0014/sync_depth_00016.png 518.8579 +/bedroom_0125b/rgb_00085.jpg /bedroom_0125b/sync_depth_00085.png 518.8579 +/reception_room_0001b/rgb_00026.jpg /reception_room_0001b/sync_depth_00026.png 518.8579 +/home_office_0004/rgb_00048.jpg /home_office_0004/sync_depth_00048.png 518.8579 +/kitchen_0048/rgb_00201.jpg /kitchen_0048/sync_depth_00201.png 518.8579 +/kitchen_0045a/rgb_00091.jpg /kitchen_0045a/sync_depth_00091.png 518.8579 +/bedroom_0129/rgb_00075.jpg /bedroom_0129/sync_depth_00075.png 518.8579 +/bathroom_0042/rgb_00035.jpg /bathroom_0042/sync_depth_00035.png 518.8579 +/kitchen_0011a/rgb_00047.jpg /kitchen_0011a/sync_depth_00047.png 518.8579 +/kitchen_0017/rgb_00109.jpg /kitchen_0017/sync_depth_00109.png 518.8579 +/bedroom_0078/rgb_00146.jpg /bedroom_0078/sync_depth_00146.png 518.8579 +/student_lounge_0001/rgb_00109.jpg /student_lounge_0001/sync_depth_00109.png 518.8579 +/dining_room_0023/rgb_00006.jpg /dining_room_0023/sync_depth_00006.png 518.8579 +/conference_room_0001/rgb_00066.jpg /conference_room_0001/sync_depth_00066.png 518.8579 +/kitchen_0052/rgb_00045.jpg /kitchen_0052/sync_depth_00045.png 518.8579 +/furniture_store_0001d/rgb_00185.jpg /furniture_store_0001d/sync_depth_00185.png 518.8579 +/classroom_0022/rgb_00113.jpg /classroom_0022/sync_depth_00113.png 518.8579 +/living_room_0022/rgb_00169.jpg /living_room_0022/sync_depth_00169.png 518.8579 +/bedroom_0129/rgb_00081.jpg /bedroom_0129/sync_depth_00081.png 518.8579 +/home_office_0008/rgb_00145.jpg /home_office_0008/sync_depth_00145.png 518.8579 +/dining_room_0001b/rgb_00238.jpg /dining_room_0001b/sync_depth_00238.png 518.8579 +/furniture_store_0001d/rgb_00201.jpg /furniture_store_0001d/sync_depth_00201.png 518.8579 +/kitchen_0008/rgb_00021.jpg /kitchen_0008/sync_depth_00021.png 518.8579 +/living_room_0040/rgb_00107.jpg /living_room_0040/sync_depth_00107.png 518.8579 +/living_room_0039/rgb_00013.jpg /living_room_0039/sync_depth_00013.png 518.8579 +/kitchen_0049/rgb_00120.jpg /kitchen_0049/sync_depth_00120.png 518.8579 +/kitchen_0053/rgb_00078.jpg /kitchen_0053/sync_depth_00078.png 518.8579 +/bedroom_0062/rgb_00117.jpg /bedroom_0062/sync_depth_00117.png 518.8579 +/kitchen_0035b/rgb_00113.jpg /kitchen_0035b/sync_depth_00113.png 518.8579 +/bedroom_0016/rgb_00025.jpg /bedroom_0016/sync_depth_00025.png 518.8579 +/reception_room_0001b/rgb_00036.jpg /reception_room_0001b/sync_depth_00036.png 518.8579 +/reception_room_0002/rgb_00060.jpg /reception_room_0002/sync_depth_00060.png 518.8579 +/nyu_office_0/rgb_00436.jpg /nyu_office_0/sync_depth_00436.png 518.8579 +/dining_room_0015/rgb_00044.jpg /dining_room_0015/sync_depth_00044.png 518.8579 +/bedroom_0066/rgb_00006.jpg /bedroom_0066/sync_depth_00006.png 518.8579 +/bathroom_0019/rgb_00001.jpg /bathroom_0019/sync_depth_00001.png 518.8579 +/office_0024/rgb_00077.jpg /office_0024/sync_depth_00077.png 518.8579 +/furniture_store_0002a/rgb_00104.jpg /furniture_store_0002a/sync_depth_00104.png 518.8579 +/bookstore_0001i/rgb_00139.jpg /bookstore_0001i/sync_depth_00139.png 518.8579 +/dining_room_0023/rgb_00017.jpg /dining_room_0023/sync_depth_00017.png 518.8579 +/bathroom_0006/rgb_00051.jpg /bathroom_0006/sync_depth_00051.png 518.8579 +/bedroom_0012/rgb_00019.jpg /bedroom_0012/sync_depth_00019.png 518.8579 +/furniture_store_0001d/rgb_00270.jpg /furniture_store_0001d/sync_depth_00270.png 518.8579 +/bedroom_0081/rgb_00030.jpg /bedroom_0081/sync_depth_00030.png 518.8579 +/dining_room_0010/rgb_00104.jpg /dining_room_0010/sync_depth_00104.png 518.8579 +/dining_room_0014/rgb_00018.jpg /dining_room_0014/sync_depth_00018.png 518.8579 +/dining_room_0015/rgb_00000.jpg /dining_room_0015/sync_depth_00000.png 518.8579 +/bookstore_0001f/rgb_00301.jpg /bookstore_0001f/sync_depth_00301.png 518.8579 +/dining_room_0028/rgb_00138.jpg /dining_room_0028/sync_depth_00138.png 518.8579 +/bedroom_0020/rgb_00089.jpg /bedroom_0020/sync_depth_00089.png 518.8579 +/dining_room_0001b/rgb_00040.jpg /dining_room_0001b/sync_depth_00040.png 518.8579 +/home_office_0006/rgb_00039.jpg /home_office_0006/sync_depth_00039.png 518.8579 +/living_room_0010/rgb_00158.jpg /living_room_0010/sync_depth_00158.png 518.8579 +/study_room_0004/rgb_00052.jpg /study_room_0004/sync_depth_00052.png 518.8579 +/bookstore_0001i/rgb_00050.jpg /bookstore_0001i/sync_depth_00050.png 518.8579 +/living_room_0063/rgb_00023.jpg /living_room_0063/sync_depth_00023.png 518.8579 +/bookstore_0001f/rgb_00455.jpg /bookstore_0001f/sync_depth_00455.png 518.8579 +/bedroom_0042/rgb_00035.jpg /bedroom_0042/sync_depth_00035.png 518.8579 +/foyer_0002/rgb_00026.jpg /foyer_0002/sync_depth_00026.png 518.8579 +/bedroom_0076a/rgb_00124.jpg /bedroom_0076a/sync_depth_00124.png 518.8579 +/living_room_0078/rgb_00056.jpg /living_room_0078/sync_depth_00056.png 518.8579 +/bedroom_0136/rgb_00087.jpg /bedroom_0136/sync_depth_00087.png 518.8579 +/living_room_0068/rgb_00076.jpg /living_room_0068/sync_depth_00076.png 518.8579 +/home_office_0008/rgb_00093.jpg /home_office_0008/sync_depth_00093.png 518.8579 +/living_room_0062/rgb_00134.jpg /living_room_0062/sync_depth_00134.png 518.8579 +/dining_room_0012/rgb_00170.jpg /dining_room_0012/sync_depth_00170.png 518.8579 +/kitchen_0048/rgb_00106.jpg /kitchen_0048/sync_depth_00106.png 518.8579 +/kitchen_0011a/rgb_00144.jpg /kitchen_0011a/sync_depth_00144.png 518.8579 +/bedroom_0072/rgb_00064.jpg /bedroom_0072/sync_depth_00064.png 518.8579 +/bedroom_0096/rgb_00010.jpg /bedroom_0096/sync_depth_00010.png 518.8579 +/bedroom_0066/rgb_00051.jpg /bedroom_0066/sync_depth_00051.png 518.8579 +/living_room_0039/rgb_00128.jpg /living_room_0039/sync_depth_00128.png 518.8579 +/bathroom_0024/rgb_00004.jpg /bathroom_0024/sync_depth_00004.png 518.8579 +/bookstore_0001e/rgb_00095.jpg /bookstore_0001e/sync_depth_00095.png 518.8579 +/living_room_0040/rgb_00299.jpg /living_room_0040/sync_depth_00299.png 518.8579 +/bedroom_0069/rgb_00077.jpg /bedroom_0069/sync_depth_00077.png 518.8579 +/kitchen_0003/rgb_00054.jpg /kitchen_0003/sync_depth_00054.png 518.8579 +/dining_room_0031/rgb_00241.jpg /dining_room_0031/sync_depth_00241.png 518.8579 +/living_room_0067/rgb_00078.jpg /living_room_0067/sync_depth_00078.png 518.8579 +/dining_room_0015/rgb_00134.jpg /dining_room_0015/sync_depth_00134.png 518.8579 +/bedroom_0029/rgb_00053.jpg /bedroom_0029/sync_depth_00053.png 518.8579 +/nyu_office_0/rgb_00394.jpg /nyu_office_0/sync_depth_00394.png 518.8579 +/cafe_0001a/rgb_00023.jpg /cafe_0001a/sync_depth_00023.png 518.8579 +/bathroom_0028/rgb_00031.jpg /bathroom_0028/sync_depth_00031.png 518.8579 +/bedroom_0090/rgb_00023.jpg /bedroom_0090/sync_depth_00023.png 518.8579 +/home_office_0013/rgb_00026.jpg /home_office_0013/sync_depth_00026.png 518.8579 +/bedroom_0019/rgb_00153.jpg /bedroom_0019/sync_depth_00153.png 518.8579 +/kitchen_0053/rgb_00215.jpg /kitchen_0053/sync_depth_00215.png 518.8579 +/living_room_0029/rgb_00032.jpg /living_room_0029/sync_depth_00032.png 518.8579 +/office_0004/rgb_00080.jpg /office_0004/sync_depth_00080.png 518.8579 +/living_room_0019/rgb_00212.jpg /living_room_0019/sync_depth_00212.png 518.8579 +/living_room_0086a/rgb_00035.jpg /living_room_0086a/sync_depth_00035.png 518.8579 +/kitchen_0043/rgb_00082.jpg /kitchen_0043/sync_depth_00082.png 518.8579 +/kitchen_0051/rgb_00308.jpg /kitchen_0051/sync_depth_00308.png 518.8579 +/kitchen_0051/rgb_00049.jpg /kitchen_0051/sync_depth_00049.png 518.8579 +/kitchen_0053/rgb_00068.jpg /kitchen_0053/sync_depth_00068.png 518.8579 +/bedroom_0098/rgb_00053.jpg /bedroom_0098/sync_depth_00053.png 518.8579 +/living_room_0069b/rgb_00051.jpg /living_room_0069b/sync_depth_00051.png 518.8579 +/kitchen_0045b/rgb_00040.jpg /kitchen_0045b/sync_depth_00040.png 518.8579 +/nyu_office_0/rgb_00283.jpg /nyu_office_0/sync_depth_00283.png 518.8579 +/kitchen_0037/rgb_00112.jpg /kitchen_0037/sync_depth_00112.png 518.8579 +/kitchen_0028b/rgb_00071.jpg /kitchen_0028b/sync_depth_00071.png 518.8579 +/furniture_store_0002b/rgb_00275.jpg /furniture_store_0002b/sync_depth_00275.png 518.8579 +/office_kitchen_0001a/rgb_00074.jpg /office_kitchen_0001a/sync_depth_00074.png 518.8579 +/living_room_0055/rgb_00106.jpg /living_room_0055/sync_depth_00106.png 518.8579 +/bookstore_0001f/rgb_00280.jpg /bookstore_0001f/sync_depth_00280.png 518.8579 +/bathroom_0034/rgb_00042.jpg /bathroom_0034/sync_depth_00042.png 518.8579 +/foyer_0002/rgb_00040.jpg /foyer_0002/sync_depth_00040.png 518.8579 +/bookstore_0001d/rgb_00126.jpg /bookstore_0001d/sync_depth_00126.png 518.8579 +/laundry_room_0001/rgb_00025.jpg /laundry_room_0001/sync_depth_00025.png 518.8579 +/reception_room_0004/rgb_00036.jpg /reception_room_0004/sync_depth_00036.png 518.8579 +/kitchen_0052/rgb_00150.jpg /kitchen_0052/sync_depth_00150.png 518.8579 +/bedroom_0098/rgb_00040.jpg /bedroom_0098/sync_depth_00040.png 518.8579 +/bedroom_0086/rgb_00002.jpg /bedroom_0086/sync_depth_00002.png 518.8579 +/bedroom_0072/rgb_00115.jpg /bedroom_0072/sync_depth_00115.png 518.8579 +/bedroom_0060/rgb_00004.jpg /bedroom_0060/sync_depth_00004.png 518.8579 +/living_room_0046a/rgb_00012.jpg /living_room_0046a/sync_depth_00012.png 518.8579 +/bedroom_0010/rgb_00103.jpg /bedroom_0010/sync_depth_00103.png 518.8579 +/living_room_0039/rgb_00080.jpg /living_room_0039/sync_depth_00080.png 518.8579 +/laundry_room_0001/rgb_00055.jpg /laundry_room_0001/sync_depth_00055.png 518.8579 +/bedroom_0056a/rgb_00056.jpg /bedroom_0056a/sync_depth_00056.png 518.8579 +/dining_room_0001b/rgb_00048.jpg /dining_room_0001b/sync_depth_00048.png 518.8579 +/bookstore_0001d/rgb_00246.jpg /bookstore_0001d/sync_depth_00246.png 518.8579 +/bedroom_0051/rgb_00202.jpg /bedroom_0051/sync_depth_00202.png 518.8579 +/bathroom_0049/rgb_00064.jpg /bathroom_0049/sync_depth_00064.png 518.8579 +/home_office_0004/rgb_00038.jpg /home_office_0004/sync_depth_00038.png 518.8579 +/bedroom_0129/rgb_00087.jpg /bedroom_0129/sync_depth_00087.png 518.8579 +/furniture_store_0002b/rgb_00149.jpg /furniture_store_0002b/sync_depth_00149.png 518.8579 +/kitchen_0028a/rgb_00128.jpg /kitchen_0028a/sync_depth_00128.png 518.8579 +/living_room_0040/rgb_00100.jpg /living_room_0040/sync_depth_00100.png 518.8579 +/dining_room_0010/rgb_00088.jpg /dining_room_0010/sync_depth_00088.png 518.8579 +/home_office_0006/rgb_00107.jpg /home_office_0006/sync_depth_00107.png 518.8579 +/living_room_0012/rgb_00177.jpg /living_room_0012/sync_depth_00177.png 518.8579 +/dining_room_0012/rgb_00154.jpg /dining_room_0012/sync_depth_00154.png 518.8579 +/living_room_0046b/rgb_00087.jpg /living_room_0046b/sync_depth_00087.png 518.8579 +/bedroom_0051/rgb_00195.jpg /bedroom_0051/sync_depth_00195.png 518.8579 +/conference_room_0001/rgb_00057.jpg /conference_room_0001/sync_depth_00057.png 518.8579 +/bathroom_0034/rgb_00087.jpg /bathroom_0034/sync_depth_00087.png 518.8579 +/home_office_0011/rgb_00046.jpg /home_office_0011/sync_depth_00046.png 518.8579 +/bedroom_0062/rgb_00067.jpg /bedroom_0062/sync_depth_00067.png 518.8579 +/kitchen_0053/rgb_00091.jpg /kitchen_0053/sync_depth_00091.png 518.8579 +/living_room_0085/rgb_00043.jpg /living_room_0085/sync_depth_00043.png 518.8579 +/bedroom_0096/rgb_00079.jpg /bedroom_0096/sync_depth_00079.png 518.8579 +/living_room_0011/rgb_00018.jpg /living_room_0011/sync_depth_00018.png 518.8579 +/dining_room_0031/rgb_00254.jpg /dining_room_0031/sync_depth_00254.png 518.8579 +/bedroom_0062/rgb_00157.jpg /bedroom_0062/sync_depth_00157.png 518.8579 +/furniture_store_0002d/rgb_00011.jpg /furniture_store_0002d/sync_depth_00011.png 518.8579 +/kitchen_0033/rgb_00192.jpg /kitchen_0033/sync_depth_00192.png 518.8579 +/bookstore_0001d/rgb_00190.jpg /bookstore_0001d/sync_depth_00190.png 518.8579 +/bookstore_0001d/rgb_00267.jpg /bookstore_0001d/sync_depth_00267.png 518.8579 +/kitchen_0051/rgb_00096.jpg /kitchen_0051/sync_depth_00096.png 518.8579 +/living_room_0058/rgb_00032.jpg /living_room_0058/sync_depth_00032.png 518.8579 +/kitchen_0045a/rgb_00077.jpg /kitchen_0045a/sync_depth_00077.png 518.8579 +/kitchen_0049/rgb_00047.jpg /kitchen_0049/sync_depth_00047.png 518.8579 +/living_room_0029/rgb_00110.jpg /living_room_0029/sync_depth_00110.png 518.8579 +/bookstore_0001j/rgb_00137.jpg /bookstore_0001j/sync_depth_00137.png 518.8579 +/basement_0001a/rgb_00148.jpg /basement_0001a/sync_depth_00148.png 518.8579 +/furniture_store_0002b/rgb_00240.jpg /furniture_store_0002b/sync_depth_00240.png 518.8579 +/bathroom_0051/rgb_00039.jpg /bathroom_0051/sync_depth_00039.png 518.8579 +/living_room_0078/rgb_00099.jpg /living_room_0078/sync_depth_00099.png 518.8579 +/office_0006/rgb_00036.jpg /office_0006/sync_depth_00036.png 518.8579 +/bookstore_0001d/rgb_00317.jpg /bookstore_0001d/sync_depth_00317.png 518.8579 +/kitchen_0051/rgb_00048.jpg /kitchen_0051/sync_depth_00048.png 518.8579 +/kitchen_0035b/rgb_00001.jpg /kitchen_0035b/sync_depth_00001.png 518.8579 +/bedroom_0051/rgb_00222.jpg /bedroom_0051/sync_depth_00222.png 518.8579 +/bedroom_0012/rgb_00033.jpg /bedroom_0012/sync_depth_00033.png 518.8579 +/kitchen_0035b/rgb_00046.jpg /kitchen_0035b/sync_depth_00046.png 518.8579 +/reception_room_0002/rgb_00011.jpg /reception_room_0002/sync_depth_00011.png 518.8579 +/bookstore_0001i/rgb_00093.jpg /bookstore_0001i/sync_depth_00093.png 518.8579 +/living_room_0022/rgb_00074.jpg /living_room_0022/sync_depth_00074.png 518.8579 +/dining_room_0033/rgb_00009.jpg /dining_room_0033/sync_depth_00009.png 518.8579 +/living_room_0033/rgb_00058.jpg /living_room_0033/sync_depth_00058.png 518.8579 +/bookstore_0001j/rgb_00147.jpg /bookstore_0001j/sync_depth_00147.png 518.8579 +/bookstore_0001f/rgb_00194.jpg /bookstore_0001f/sync_depth_00194.png 518.8579 +/living_room_0058/rgb_00128.jpg /living_room_0058/sync_depth_00128.png 518.8579 +/bedroom_0019/rgb_00115.jpg /bedroom_0019/sync_depth_00115.png 518.8579 +/kitchen_0049/rgb_00171.jpg /kitchen_0049/sync_depth_00171.png 518.8579 +/home_office_0013/rgb_00053.jpg /home_office_0013/sync_depth_00053.png 518.8579 +/study_room_0005b/rgb_00006.jpg /study_room_0005b/sync_depth_00006.png 518.8579 +/bedroom_0016/rgb_00212.jpg /bedroom_0016/sync_depth_00212.png 518.8579 +/bookstore_0001f/rgb_00281.jpg /bookstore_0001f/sync_depth_00281.png 518.8579 +/bathroom_0039/rgb_00072.jpg /bathroom_0039/sync_depth_00072.png 518.8579 +/bedroom_0138/rgb_00064.jpg /bedroom_0138/sync_depth_00064.png 518.8579 +/kitchen_0052/rgb_00016.jpg /kitchen_0052/sync_depth_00016.png 518.8579 +/living_room_0040/rgb_00033.jpg /living_room_0040/sync_depth_00033.png 518.8579 +/living_room_0005/rgb_00091.jpg /living_room_0005/sync_depth_00091.png 518.8579 +/bedroom_0039/rgb_00024.jpg /bedroom_0039/sync_depth_00024.png 518.8579 +/office_0004/rgb_00097.jpg /office_0004/sync_depth_00097.png 518.8579 +/living_room_0050/rgb_00070.jpg /living_room_0050/sync_depth_00070.png 518.8579 +/bedroom_0132/rgb_00000.jpg /bedroom_0132/sync_depth_00000.png 518.8579 +/dining_room_0008/rgb_00022.jpg /dining_room_0008/sync_depth_00022.png 518.8579 +/living_room_0047b/rgb_00012.jpg /living_room_0047b/sync_depth_00012.png 518.8579 +/dining_room_0029/rgb_00013.jpg /dining_room_0029/sync_depth_00013.png 518.8579 +/classroom_0006/rgb_00033.jpg /classroom_0006/sync_depth_00033.png 518.8579 +/bedroom_0063/rgb_00115.jpg /bedroom_0063/sync_depth_00115.png 518.8579 +/furniture_store_0001d/rgb_00002.jpg /furniture_store_0001d/sync_depth_00002.png 518.8579 +/nyu_office_0/rgb_00164.jpg /nyu_office_0/sync_depth_00164.png 518.8579 +/bookstore_0001h/rgb_00134.jpg /bookstore_0001h/sync_depth_00134.png 518.8579 +/bathroom_0055/rgb_00057.jpg /bathroom_0055/sync_depth_00057.png 518.8579 +/living_room_0055/rgb_00145.jpg /living_room_0055/sync_depth_00145.png 518.8579 +/kitchen_0045a/rgb_00092.jpg /kitchen_0045a/sync_depth_00092.png 518.8579 +/living_room_0012/rgb_00034.jpg /living_room_0012/sync_depth_00034.png 518.8579 +/kitchen_0029b/rgb_00052.jpg /kitchen_0029b/sync_depth_00052.png 518.8579 +/dinette_0001/rgb_00066.jpg /dinette_0001/sync_depth_00066.png 518.8579 +/printer_room_0001/rgb_00005.jpg /printer_room_0001/sync_depth_00005.png 518.8579 +/home_office_0006/rgb_00110.jpg /home_office_0006/sync_depth_00110.png 518.8579 +/bedroom_0098/rgb_00046.jpg /bedroom_0098/sync_depth_00046.png 518.8579 +/bedroom_0051/rgb_00067.jpg /bedroom_0051/sync_depth_00067.png 518.8579 +/kitchen_0051/rgb_00077.jpg /kitchen_0051/sync_depth_00077.png 518.8579 +/office_0012/rgb_00097.jpg /office_0012/sync_depth_00097.png 518.8579 +/nyu_office_0/rgb_00407.jpg /nyu_office_0/sync_depth_00407.png 518.8579 +/bedroom_0020/rgb_00107.jpg /bedroom_0020/sync_depth_00107.png 518.8579 +/bedroom_0086/rgb_00100.jpg /bedroom_0086/sync_depth_00100.png 518.8579 +/bedroom_0015/rgb_00042.jpg /bedroom_0015/sync_depth_00042.png 518.8579 +/living_room_0047a/rgb_00029.jpg /living_room_0047a/sync_depth_00029.png 518.8579 +/bedroom_0138/rgb_00032.jpg /bedroom_0138/sync_depth_00032.png 518.8579 +/playroom_0004/rgb_00099.jpg /playroom_0004/sync_depth_00099.png 518.8579 +/dining_room_0014/rgb_00059.jpg /dining_room_0014/sync_depth_00059.png 518.8579 +/living_room_0012/rgb_00065.jpg /living_room_0012/sync_depth_00065.png 518.8579 +/bedroom_0004/rgb_00159.jpg /bedroom_0004/sync_depth_00159.png 518.8579 +/bathroom_0019/rgb_00002.jpg /bathroom_0019/sync_depth_00002.png 518.8579 +/dining_room_0033/rgb_00132.jpg /dining_room_0033/sync_depth_00132.png 518.8579 +/bedroom_0098/rgb_00059.jpg /bedroom_0098/sync_depth_00059.png 518.8579 +/living_room_0047a/rgb_00013.jpg /living_room_0047a/sync_depth_00013.png 518.8579 +/office_0006/rgb_00055.jpg /office_0006/sync_depth_00055.png 518.8579 +/kitchen_0029c/rgb_00145.jpg /kitchen_0029c/sync_depth_00145.png 518.8579 +/living_room_0039/rgb_00190.jpg /living_room_0039/sync_depth_00190.png 518.8579 +/bedroom_0140/rgb_00126.jpg /bedroom_0140/sync_depth_00126.png 518.8579 +/bedroom_0096/rgb_00009.jpg /bedroom_0096/sync_depth_00009.png 518.8579 +/bedroom_0004/rgb_00091.jpg /bedroom_0004/sync_depth_00091.png 518.8579 +/furniture_store_0001d/rgb_00207.jpg /furniture_store_0001d/sync_depth_00207.png 518.8579 +/bookstore_0001d/rgb_00182.jpg /bookstore_0001d/sync_depth_00182.png 518.8579 +/living_room_0083/rgb_00091.jpg /living_room_0083/sync_depth_00091.png 518.8579 +/kitchen_0029c/rgb_00105.jpg /kitchen_0029c/sync_depth_00105.png 518.8579 +/living_room_0058/rgb_00194.jpg /living_room_0058/sync_depth_00194.png 518.8579 +/living_room_0082/rgb_00052.jpg /living_room_0082/sync_depth_00052.png 518.8579 +/home_storage_0001/rgb_00116.jpg /home_storage_0001/sync_depth_00116.png 518.8579 +/bookstore_0001j/rgb_00042.jpg /bookstore_0001j/sync_depth_00042.png 518.8579 +/reception_room_0001b/rgb_00021.jpg /reception_room_0001b/sync_depth_00021.png 518.8579 +/office_0004/rgb_00022.jpg /office_0004/sync_depth_00022.png 518.8579 +/furniture_store_0002a/rgb_00069.jpg /furniture_store_0002a/sync_depth_00069.png 518.8579 +/student_lounge_0001/rgb_00179.jpg /student_lounge_0001/sync_depth_00179.png 518.8579 +/furniture_store_0002b/rgb_00218.jpg /furniture_store_0002b/sync_depth_00218.png 518.8579 +/living_room_0058/rgb_00225.jpg /living_room_0058/sync_depth_00225.png 518.8579 +/bedroom_0063/rgb_00076.jpg /bedroom_0063/sync_depth_00076.png 518.8579 +/office_0018/rgb_00007.jpg /office_0018/sync_depth_00007.png 518.8579 +/kitchen_0010/rgb_00027.jpg /kitchen_0010/sync_depth_00027.png 518.8579 +/kitchen_0052/rgb_00169.jpg /kitchen_0052/sync_depth_00169.png 518.8579 +/home_office_0013/rgb_00005.jpg /home_office_0013/sync_depth_00005.png 518.8579 +/bedroom_0019/rgb_00091.jpg /bedroom_0019/sync_depth_00091.png 518.8579 +/kitchen_0010/rgb_00071.jpg /kitchen_0010/sync_depth_00071.png 518.8579 +/bedroom_0050/rgb_00037.jpg /bedroom_0050/sync_depth_00037.png 518.8579 +/computer_lab_0002/rgb_00001.jpg /computer_lab_0002/sync_depth_00001.png 518.8579 +/dining_room_0031/rgb_00390.jpg /dining_room_0031/sync_depth_00390.png 518.8579 +/bookstore_0001j/rgb_00176.jpg /bookstore_0001j/sync_depth_00176.png 518.8579 +/living_room_0022/rgb_00043.jpg /living_room_0022/sync_depth_00043.png 518.8579 +/bathroom_0034/rgb_00029.jpg /bathroom_0034/sync_depth_00029.png 518.8579 +/dining_room_0024/rgb_00069.jpg /dining_room_0024/sync_depth_00069.png 518.8579 +/living_room_0040/rgb_00010.jpg /living_room_0040/sync_depth_00010.png 518.8579 +/bedroom_0010/rgb_00023.jpg /bedroom_0010/sync_depth_00023.png 518.8579 +/playroom_0004/rgb_00068.jpg /playroom_0004/sync_depth_00068.png 518.8579 +/bedroom_0004/rgb_00168.jpg /bedroom_0004/sync_depth_00168.png 518.8579 +/dinette_0001/rgb_00045.jpg /dinette_0001/sync_depth_00045.png 518.8579 +/study_room_0005b/rgb_00039.jpg /study_room_0005b/sync_depth_00039.png 518.8579 +/living_room_0050/rgb_00181.jpg /living_room_0050/sync_depth_00181.png 518.8579 +/living_room_0055/rgb_00101.jpg /living_room_0055/sync_depth_00101.png 518.8579 +/bedroom_0020/rgb_00046.jpg /bedroom_0020/sync_depth_00046.png 518.8579 +/bedroom_0010/rgb_00062.jpg /bedroom_0010/sync_depth_00062.png 518.8579 +/playroom_0006/rgb_00057.jpg /playroom_0006/sync_depth_00057.png 518.8579 +/dining_room_0034/rgb_00128.jpg /dining_room_0034/sync_depth_00128.png 518.8579 +/kitchen_0060/rgb_00163.jpg /kitchen_0060/sync_depth_00163.png 518.8579 +/bedroom_0066/rgb_00029.jpg /bedroom_0066/sync_depth_00029.png 518.8579 +/dining_room_0029/rgb_00093.jpg /dining_room_0029/sync_depth_00093.png 518.8579 +/nyu_office_0/rgb_00372.jpg /nyu_office_0/sync_depth_00372.png 518.8579 +/living_room_0020/rgb_00213.jpg /living_room_0020/sync_depth_00213.png 518.8579 +/bedroom_0098/rgb_00044.jpg /bedroom_0098/sync_depth_00044.png 518.8579 +/bookstore_0001h/rgb_00119.jpg /bookstore_0001h/sync_depth_00119.png 518.8579 +/bathroom_0045a/rgb_00051.jpg /bathroom_0045a/sync_depth_00051.png 518.8579 +/reception_room_0002/rgb_00076.jpg /reception_room_0002/sync_depth_00076.png 518.8579 +/dining_room_0001b/rgb_00237.jpg /dining_room_0001b/sync_depth_00237.png 518.8579 +/bathroom_0056/rgb_00014.jpg /bathroom_0056/sync_depth_00014.png 518.8579 +/dining_room_0029/rgb_00067.jpg /dining_room_0029/sync_depth_00067.png 518.8579 +/bedroom_0071/rgb_00058.jpg /bedroom_0071/sync_depth_00058.png 518.8579 +/bathroom_0016/rgb_00028.jpg /bathroom_0016/sync_depth_00028.png 518.8579 +/kitchen_0029a/rgb_00030.jpg /kitchen_0029a/sync_depth_00030.png 518.8579 +/furniture_store_0001b/rgb_00035.jpg /furniture_store_0001b/sync_depth_00035.png 518.8579 +/bedroom_0071/rgb_00111.jpg /bedroom_0071/sync_depth_00111.png 518.8579 +/bedroom_0056b/rgb_00032.jpg /bedroom_0056b/sync_depth_00032.png 518.8579 +/kitchen_0031/rgb_00157.jpg /kitchen_0031/sync_depth_00157.png 518.8579 +/kitchen_0045b/rgb_00151.jpg /kitchen_0045b/sync_depth_00151.png 518.8579 +/bathroom_0028/rgb_00158.jpg /bathroom_0028/sync_depth_00158.png 518.8579 +/bookstore_0001f/rgb_00470.jpg /bookstore_0001f/sync_depth_00470.png 518.8579 +/student_lounge_0001/rgb_00249.jpg /student_lounge_0001/sync_depth_00249.png 518.8579 +/dining_room_0033/rgb_00068.jpg /dining_room_0033/sync_depth_00068.png 518.8579 +/dinette_0001/rgb_00016.jpg /dinette_0001/sync_depth_00016.png 518.8579 +/bedroom_0012/rgb_00005.jpg /bedroom_0012/sync_depth_00005.png 518.8579 +/home_office_0013/rgb_00066.jpg /home_office_0013/sync_depth_00066.png 518.8579 +/office_0026/rgb_00169.jpg /office_0026/sync_depth_00169.png 518.8579 +/living_room_0058/rgb_00237.jpg /living_room_0058/sync_depth_00237.png 518.8579 +/home_office_0008/rgb_00164.jpg /home_office_0008/sync_depth_00164.png 518.8579 +/bookstore_0001f/rgb_00232.jpg /bookstore_0001f/sync_depth_00232.png 518.8579 +/bedroom_0050/rgb_00034.jpg /bedroom_0050/sync_depth_00034.png 518.8579 +/bedroom_0017/rgb_00012.jpg /bedroom_0017/sync_depth_00012.png 518.8579 +/dinette_0001/rgb_00022.jpg /dinette_0001/sync_depth_00022.png 518.8579 +/office_kitchen_0001a/rgb_00003.jpg /office_kitchen_0001a/sync_depth_00003.png 518.8579 +/living_room_0019/rgb_00171.jpg /living_room_0019/sync_depth_00171.png 518.8579 +/nyu_office_0/rgb_00298.jpg /nyu_office_0/sync_depth_00298.png 518.8579 +/bedroom_0025/rgb_00146.jpg /bedroom_0025/sync_depth_00146.png 518.8579 +/kitchen_0033/rgb_00008.jpg /kitchen_0033/sync_depth_00008.png 518.8579 +/bookstore_0001g/rgb_00038.jpg /bookstore_0001g/sync_depth_00038.png 518.8579 +/living_room_0050/rgb_00085.jpg /living_room_0050/sync_depth_00085.png 518.8579 +/dining_room_0012/rgb_00126.jpg /dining_room_0012/sync_depth_00126.png 518.8579 +/bathroom_0045a/rgb_00034.jpg /bathroom_0045a/sync_depth_00034.png 518.8579 +/bedroom_0021/rgb_00006.jpg /bedroom_0021/sync_depth_00006.png 518.8579 +/nyu_office_1/rgb_00100.jpg /nyu_office_1/sync_depth_00100.png 518.8579 +/bathroom_0048/rgb_00019.jpg /bathroom_0048/sync_depth_00019.png 518.8579 +/bathroom_0051/rgb_00002.jpg /bathroom_0051/sync_depth_00002.png 518.8579 +/living_room_0037/rgb_00061.jpg /living_room_0037/sync_depth_00061.png 518.8579 +/bathroom_0048/rgb_00026.jpg /bathroom_0048/sync_depth_00026.png 518.8579 +/study_room_0004/rgb_00213.jpg /study_room_0004/sync_depth_00213.png 518.8579 +/classroom_0022/rgb_00034.jpg /classroom_0022/sync_depth_00034.png 518.8579 +/office_0018/rgb_00013.jpg /office_0018/sync_depth_00013.png 518.8579 +/living_room_0046a/rgb_00081.jpg /living_room_0046a/sync_depth_00081.png 518.8579 +/bedroom_0033/rgb_00169.jpg /bedroom_0033/sync_depth_00169.png 518.8579 +/living_room_0022/rgb_00288.jpg /living_room_0022/sync_depth_00288.png 518.8579 +/dining_room_0031/rgb_00327.jpg /dining_room_0031/sync_depth_00327.png 518.8579 +/home_office_0004/rgb_00032.jpg /home_office_0004/sync_depth_00032.png 518.8579 +/bookstore_0001g/rgb_00136.jpg /bookstore_0001g/sync_depth_00136.png 518.8579 +/playroom_0004/rgb_00055.jpg /playroom_0004/sync_depth_00055.png 518.8579 +/study_0004/rgb_00030.jpg /study_0004/sync_depth_00030.png 518.8579 +/bookstore_0001h/rgb_00151.jpg /bookstore_0001h/sync_depth_00151.png 518.8579 +/nyu_office_0/rgb_00088.jpg /nyu_office_0/sync_depth_00088.png 518.8579 +/kitchen_0060/rgb_00063.jpg /kitchen_0060/sync_depth_00063.png 518.8579 +/living_room_0004/rgb_00038.jpg /living_room_0004/sync_depth_00038.png 518.8579 +/bathroom_0013/rgb_00022.jpg /bathroom_0013/sync_depth_00022.png 518.8579 +/nyu_office_0/rgb_00378.jpg /nyu_office_0/sync_depth_00378.png 518.8579 +/bedroom_0034/rgb_00092.jpg /bedroom_0034/sync_depth_00092.png 518.8579 +/furniture_store_0002a/rgb_00051.jpg /furniture_store_0002a/sync_depth_00051.png 518.8579 +/bedroom_0026/rgb_00089.jpg /bedroom_0026/sync_depth_00089.png 518.8579 +/living_room_0082/rgb_00063.jpg /living_room_0082/sync_depth_00063.png 518.8579 +/study_room_0004/rgb_00055.jpg /study_room_0004/sync_depth_00055.png 518.8579 +/bedroom_0129/rgb_00051.jpg /bedroom_0129/sync_depth_00051.png 518.8579 +/living_room_0018/rgb_00165.jpg /living_room_0018/sync_depth_00165.png 518.8579 +/office_0024/rgb_00039.jpg /office_0024/sync_depth_00039.png 518.8579 +/kitchen_0045a/rgb_00185.jpg /kitchen_0045a/sync_depth_00185.png 518.8579 +/bathroom_0033/rgb_00045.jpg /bathroom_0033/sync_depth_00045.png 518.8579 +/furniture_store_0001a/rgb_00029.jpg /furniture_store_0001a/sync_depth_00029.png 518.8579 +/dining_room_0037/rgb_00071.jpg /dining_room_0037/sync_depth_00071.png 518.8579 +/dining_room_0037/rgb_00099.jpg /dining_room_0037/sync_depth_00099.png 518.8579 +/office_0012/rgb_00035.jpg /office_0012/sync_depth_00035.png 518.8579 +/dining_room_0031/rgb_00068.jpg /dining_room_0031/sync_depth_00068.png 518.8579 +/kitchen_0052/rgb_00152.jpg /kitchen_0052/sync_depth_00152.png 518.8579 +/furniture_store_0001d/rgb_00110.jpg /furniture_store_0001d/sync_depth_00110.png 518.8579 +/kitchen_0060/rgb_00148.jpg /kitchen_0060/sync_depth_00148.png 518.8579 +/bedroom_0076a/rgb_00271.jpg /bedroom_0076a/sync_depth_00271.png 518.8579 +/kitchen_0011a/rgb_00006.jpg /kitchen_0011a/sync_depth_00006.png 518.8579 +/bedroom_0017/rgb_00085.jpg /bedroom_0017/sync_depth_00085.png 518.8579 +/dining_room_0015/rgb_00135.jpg /dining_room_0015/sync_depth_00135.png 518.8579 +/home_office_0006/rgb_00131.jpg /home_office_0006/sync_depth_00131.png 518.8579 +/living_room_0047b/rgb_00195.jpg /living_room_0047b/sync_depth_00195.png 518.8579 +/furniture_store_0002a/rgb_00353.jpg /furniture_store_0002a/sync_depth_00353.png 518.8579 +/kitchen_0051/rgb_00156.jpg /kitchen_0051/sync_depth_00156.png 518.8579 +/office_kitchen_0001a/rgb_00055.jpg /office_kitchen_0001a/sync_depth_00055.png 518.8579 +/bookstore_0001j/rgb_00157.jpg /bookstore_0001j/sync_depth_00157.png 518.8579 +/playroom_0002/rgb_00136.jpg /playroom_0002/sync_depth_00136.png 518.8579 +/living_room_0055/rgb_00018.jpg /living_room_0055/sync_depth_00018.png 518.8579 +/living_room_0058/rgb_00160.jpg /living_room_0058/sync_depth_00160.png 518.8579 +/reception_room_0002/rgb_00066.jpg /reception_room_0002/sync_depth_00066.png 518.8579 +/furniture_store_0002b/rgb_00081.jpg /furniture_store_0002b/sync_depth_00081.png 518.8579 +/office_0012/rgb_00070.jpg /office_0012/sync_depth_00070.png 518.8579 +/bedroom_0080/rgb_00050.jpg /bedroom_0080/sync_depth_00050.png 518.8579 +/bookstore_0001f/rgb_00147.jpg /bookstore_0001f/sync_depth_00147.png 518.8579 +/dining_room_0013/rgb_00080.jpg /dining_room_0013/sync_depth_00080.png 518.8579 +/bathroom_0028/rgb_00004.jpg /bathroom_0028/sync_depth_00004.png 518.8579 +/living_room_0040/rgb_00203.jpg /living_room_0040/sync_depth_00203.png 518.8579 +/kitchen_0035b/rgb_00038.jpg /kitchen_0035b/sync_depth_00038.png 518.8579 +/excercise_room_0001/rgb_00025.jpg /excercise_room_0001/sync_depth_00025.png 518.8579 +/bathroom_0013/rgb_00061.jpg /bathroom_0013/sync_depth_00061.png 518.8579 +/bathroom_0006/rgb_00059.jpg /bathroom_0006/sync_depth_00059.png 518.8579 +/living_room_0058/rgb_00196.jpg /living_room_0058/sync_depth_00196.png 518.8579 +/living_room_0068/rgb_00097.jpg /living_room_0068/sync_depth_00097.png 518.8579 +/dining_room_0028/rgb_00071.jpg /dining_room_0028/sync_depth_00071.png 518.8579 +/bedroom_0026/rgb_00007.jpg /bedroom_0026/sync_depth_00007.png 518.8579 +/classroom_0010/rgb_00055.jpg /classroom_0010/sync_depth_00055.png 518.8579 +/bedroom_0051/rgb_00134.jpg /bedroom_0051/sync_depth_00134.png 518.8579 +/bedroom_0016/rgb_00091.jpg /bedroom_0016/sync_depth_00091.png 518.8579 +/bedroom_0028/rgb_00016.jpg /bedroom_0028/sync_depth_00016.png 518.8579 +/bedroom_0060/rgb_00011.jpg /bedroom_0060/sync_depth_00011.png 518.8579 +/living_room_0004/rgb_00164.jpg /living_room_0004/sync_depth_00164.png 518.8579 +/cafe_0001c/rgb_00062.jpg /cafe_0001c/sync_depth_00062.png 518.8579 +/bedroom_0034/rgb_00012.jpg /bedroom_0034/sync_depth_00012.png 518.8579 +/dining_room_0015/rgb_00006.jpg /dining_room_0015/sync_depth_00006.png 518.8579 +/bedroom_0010/rgb_00003.jpg /bedroom_0010/sync_depth_00003.png 518.8579 +/home_office_0005/rgb_00002.jpg /home_office_0005/sync_depth_00002.png 518.8579 +/home_office_0013/rgb_00081.jpg /home_office_0013/sync_depth_00081.png 518.8579 +/kitchen_0048/rgb_00237.jpg /kitchen_0048/sync_depth_00237.png 518.8579 +/nyu_office_0/rgb_00387.jpg /nyu_office_0/sync_depth_00387.png 518.8579 +/bedroom_0078/rgb_00138.jpg /bedroom_0078/sync_depth_00138.png 518.8579 +/dining_room_0015/rgb_00160.jpg /dining_room_0015/sync_depth_00160.png 518.8579 +/kitchen_0037/rgb_00081.jpg /kitchen_0037/sync_depth_00081.png 518.8579 +/student_lounge_0001/rgb_00070.jpg /student_lounge_0001/sync_depth_00070.png 518.8579 +/dining_room_0016/rgb_00002.jpg /dining_room_0016/sync_depth_00002.png 518.8579 +/bedroom_0140/rgb_00151.jpg /bedroom_0140/sync_depth_00151.png 518.8579 +/bathroom_0007/rgb_00047.jpg /bathroom_0007/sync_depth_00047.png 518.8579 +/living_room_0050/rgb_00239.jpg /living_room_0050/sync_depth_00239.png 518.8579 +/bathroom_0039/rgb_00066.jpg /bathroom_0039/sync_depth_00066.png 518.8579 +/classroom_0010/rgb_00072.jpg /classroom_0010/sync_depth_00072.png 518.8579 +/living_room_0070/rgb_00095.jpg /living_room_0070/sync_depth_00095.png 518.8579 +/bedroom_0097/rgb_00058.jpg /bedroom_0097/sync_depth_00058.png 518.8579 +/bookstore_0001g/rgb_00193.jpg /bookstore_0001g/sync_depth_00193.png 518.8579 +/bathroom_0014a/rgb_00039.jpg /bathroom_0014a/sync_depth_00039.png 518.8579 +/furniture_store_0002a/rgb_00399.jpg /furniture_store_0002a/sync_depth_00399.png 518.8579 +/dining_room_0037/rgb_00002.jpg /dining_room_0037/sync_depth_00002.png 518.8579 +/home_storage_0001/rgb_00044.jpg /home_storage_0001/sync_depth_00044.png 518.8579 +/bathroom_0013/rgb_00037.jpg /bathroom_0013/sync_depth_00037.png 518.8579 +/furniture_store_0001e/rgb_00085.jpg /furniture_store_0001e/sync_depth_00085.png 518.8579 +/living_room_0005/rgb_00019.jpg /living_room_0005/sync_depth_00019.png 518.8579 +/kitchen_0011a/rgb_00117.jpg /kitchen_0011a/sync_depth_00117.png 518.8579 +/office_kitchen_0003/rgb_00007.jpg /office_kitchen_0003/sync_depth_00007.png 518.8579 +/bathroom_0042/rgb_00044.jpg /bathroom_0042/sync_depth_00044.png 518.8579 +/classroom_0003/rgb_00017.jpg /classroom_0003/sync_depth_00017.png 518.8579 +/kitchen_0045b/rgb_00150.jpg /kitchen_0045b/sync_depth_00150.png 518.8579 +/reception_room_0001b/rgb_00078.jpg /reception_room_0001b/sync_depth_00078.png 518.8579 +/bedroom_0016/rgb_00166.jpg /bedroom_0016/sync_depth_00166.png 518.8579 +/office_0024/rgb_00004.jpg /office_0024/sync_depth_00004.png 518.8579 +/bookstore_0001f/rgb_00168.jpg /bookstore_0001f/sync_depth_00168.png 518.8579 +/bedroom_0063/rgb_00009.jpg /bedroom_0063/sync_depth_00009.png 518.8579 +/home_office_0005/rgb_00099.jpg /home_office_0005/sync_depth_00099.png 518.8579 +/living_room_0018/rgb_00036.jpg /living_room_0018/sync_depth_00036.png 518.8579 +/bedroom_0016/rgb_00163.jpg /bedroom_0016/sync_depth_00163.png 518.8579 +/bedroom_0124/rgb_00022.jpg /bedroom_0124/sync_depth_00022.png 518.8579 +/living_room_0039/rgb_00054.jpg /living_room_0039/sync_depth_00054.png 518.8579 +/living_room_0005/rgb_00143.jpg /living_room_0005/sync_depth_00143.png 518.8579 +/bedroom_0104/rgb_00080.jpg /bedroom_0104/sync_depth_00080.png 518.8579 +/living_room_0022/rgb_00191.jpg /living_room_0022/sync_depth_00191.png 518.8579 +/furniture_store_0001e/rgb_00094.jpg /furniture_store_0001e/sync_depth_00094.png 518.8579 +/bedroom_0047/rgb_00036.jpg /bedroom_0047/sync_depth_00036.png 518.8579 +/living_room_0033/rgb_00003.jpg /living_room_0033/sync_depth_00003.png 518.8579 +/office_kitchen_0003/rgb_00054.jpg /office_kitchen_0003/sync_depth_00054.png 518.8579 +/study_0004/rgb_00011.jpg /study_0004/sync_depth_00011.png 518.8579 +/furniture_store_0001d/rgb_00063.jpg /furniture_store_0001d/sync_depth_00063.png 518.8579 +/living_room_0032/rgb_00037.jpg /living_room_0032/sync_depth_00037.png 518.8579 +/living_room_0086a/rgb_00063.jpg /living_room_0086a/sync_depth_00063.png 518.8579 +/dining_room_0008/rgb_00125.jpg /dining_room_0008/sync_depth_00125.png 518.8579 +/kitchen_0051/rgb_00174.jpg /kitchen_0051/sync_depth_00174.png 518.8579 +/bedroom_0076a/rgb_00139.jpg /bedroom_0076a/sync_depth_00139.png 518.8579 +/bathroom_0041/rgb_00066.jpg /bathroom_0041/sync_depth_00066.png 518.8579 +/bathroom_0039/rgb_00035.jpg /bathroom_0039/sync_depth_00035.png 518.8579 +/bedroom_0033/rgb_00127.jpg /bedroom_0033/sync_depth_00127.png 518.8579 +/kitchen_0051/rgb_00117.jpg /kitchen_0051/sync_depth_00117.png 518.8579 +/bedroom_0106/rgb_00068.jpg /bedroom_0106/sync_depth_00068.png 518.8579 +/bathroom_0041/rgb_00014.jpg /bathroom_0041/sync_depth_00014.png 518.8579 +/bedroom_0130/rgb_00017.jpg /bedroom_0130/sync_depth_00017.png 518.8579 +/bedroom_0074/rgb_00003.jpg /bedroom_0074/sync_depth_00003.png 518.8579 +/bookstore_0001f/rgb_00327.jpg /bookstore_0001f/sync_depth_00327.png 518.8579 +/bedroom_0019/rgb_00102.jpg /bedroom_0019/sync_depth_00102.png 518.8579 +/bathroom_0041/rgb_00026.jpg /bathroom_0041/sync_depth_00026.png 518.8579 +/dining_room_0034/rgb_00038.jpg /dining_room_0034/sync_depth_00038.png 518.8579 +/dining_room_0019/rgb_00162.jpg /dining_room_0019/sync_depth_00162.png 518.8579 +/living_room_0020/rgb_00190.jpg /living_room_0020/sync_depth_00190.png 518.8579 +/bedroom_0113/rgb_00051.jpg /bedroom_0113/sync_depth_00051.png 518.8579 +/living_room_0022/rgb_00199.jpg /living_room_0022/sync_depth_00199.png 518.8579 +/nyu_office_0/rgb_00124.jpg /nyu_office_0/sync_depth_00124.png 518.8579 +/living_room_0063/rgb_00154.jpg /living_room_0063/sync_depth_00154.png 518.8579 +/bathroom_0055/rgb_00036.jpg /bathroom_0055/sync_depth_00036.png 518.8579 +/living_room_0018/rgb_00063.jpg /living_room_0018/sync_depth_00063.png 518.8579 +/bedroom_0138/rgb_00104.jpg /bedroom_0138/sync_depth_00104.png 518.8579 +/home_office_0006/rgb_00165.jpg /home_office_0006/sync_depth_00165.png 518.8579 +/bedroom_0063/rgb_00066.jpg /bedroom_0063/sync_depth_00066.png 518.8579 +/living_room_0050/rgb_00191.jpg /living_room_0050/sync_depth_00191.png 518.8579 +/kitchen_0051/rgb_00043.jpg /kitchen_0051/sync_depth_00043.png 518.8579 +/kitchen_0033/rgb_00195.jpg /kitchen_0033/sync_depth_00195.png 518.8579 +/office_0004/rgb_00109.jpg /office_0004/sync_depth_00109.png 518.8579 +/playroom_0003/rgb_00010.jpg /playroom_0003/sync_depth_00010.png 518.8579 +/dining_room_0037/rgb_00030.jpg /dining_room_0037/sync_depth_00030.png 518.8579 +/living_room_0039/rgb_00018.jpg /living_room_0039/sync_depth_00018.png 518.8579 +/bookstore_0001h/rgb_00068.jpg /bookstore_0001h/sync_depth_00068.png 518.8579 +/bookstore_0001h/rgb_00046.jpg /bookstore_0001h/sync_depth_00046.png 518.8579 +/furniture_store_0001a/rgb_00049.jpg /furniture_store_0001a/sync_depth_00049.png 518.8579 +/living_room_0022/rgb_00392.jpg /living_room_0022/sync_depth_00392.png 518.8579 +/office_kitchen_0001a/rgb_00071.jpg /office_kitchen_0001a/sync_depth_00071.png 518.8579 +/living_room_0005/rgb_00078.jpg /living_room_0005/sync_depth_00078.png 518.8579 +/study_room_0004/rgb_00040.jpg /study_room_0004/sync_depth_00040.png 518.8579 +/kitchen_0045a/rgb_00050.jpg /kitchen_0045a/sync_depth_00050.png 518.8579 +/cafe_0001a/rgb_00001.jpg /cafe_0001a/sync_depth_00001.png 518.8579 +/living_room_0046b/rgb_00049.jpg /living_room_0046b/sync_depth_00049.png 518.8579 +/living_room_0022/rgb_00064.jpg /living_room_0022/sync_depth_00064.png 518.8579 +/kitchen_0052/rgb_00029.jpg /kitchen_0052/sync_depth_00029.png 518.8579 +/kitchen_0010/rgb_00012.jpg /kitchen_0010/sync_depth_00012.png 518.8579 +/dining_room_0031/rgb_00298.jpg /dining_room_0031/sync_depth_00298.png 518.8579 +/bedroom_0096/rgb_00076.jpg /bedroom_0096/sync_depth_00076.png 518.8579 +/living_room_0063/rgb_00014.jpg /living_room_0063/sync_depth_00014.png 518.8579 +/bedroom_0076a/rgb_00011.jpg /bedroom_0076a/sync_depth_00011.png 518.8579 +/laundry_room_0001/rgb_00022.jpg /laundry_room_0001/sync_depth_00022.png 518.8579 +/kitchen_0050/rgb_00135.jpg /kitchen_0050/sync_depth_00135.png 518.8579 +/excercise_room_0001/rgb_00097.jpg /excercise_room_0001/sync_depth_00097.png 518.8579 +/kitchen_0028b/rgb_00054.jpg /kitchen_0028b/sync_depth_00054.png 518.8579 +/dining_room_0031/rgb_00351.jpg /dining_room_0031/sync_depth_00351.png 518.8579 +/bedroom_0062/rgb_00044.jpg /bedroom_0062/sync_depth_00044.png 518.8579 +/bookstore_0001j/rgb_00268.jpg /bookstore_0001j/sync_depth_00268.png 518.8579 +/kitchen_0016/rgb_00097.jpg /kitchen_0016/sync_depth_00097.png 518.8579 +/living_room_0047b/rgb_00136.jpg /living_room_0047b/sync_depth_00136.png 518.8579 +/bookstore_0001j/rgb_00103.jpg /bookstore_0001j/sync_depth_00103.png 518.8579 +/bedroom_0079/rgb_00060.jpg /bedroom_0079/sync_depth_00060.png 518.8579 +/dining_room_0037/rgb_00128.jpg /dining_room_0037/sync_depth_00128.png 518.8579 +/playroom_0004/rgb_00057.jpg /playroom_0004/sync_depth_00057.png 518.8579 +/classroom_0006/rgb_00054.jpg /classroom_0006/sync_depth_00054.png 518.8579 +/dining_room_0002/rgb_00000.jpg /dining_room_0002/sync_depth_00000.png 518.8579 +/office_0026/rgb_00135.jpg /office_0026/sync_depth_00135.png 518.8579 +/bookstore_0001e/rgb_00035.jpg /bookstore_0001e/sync_depth_00035.png 518.8579 +/kitchen_0033/rgb_00013.jpg /kitchen_0033/sync_depth_00013.png 518.8579 +/bedroom_0136/rgb_00011.jpg /bedroom_0136/sync_depth_00011.png 518.8579 +/bathroom_0019/rgb_00085.jpg /bathroom_0019/sync_depth_00085.png 518.8579 +/office_0006/rgb_00096.jpg /office_0006/sync_depth_00096.png 518.8579 +/conference_room_0001/rgb_00104.jpg /conference_room_0001/sync_depth_00104.png 518.8579 +/bedroom_0132/rgb_00002.jpg /bedroom_0132/sync_depth_00002.png 518.8579 +/home_office_0005/rgb_00030.jpg /home_office_0005/sync_depth_00030.png 518.8579 +/bathroom_0051/rgb_00056.jpg /bathroom_0051/sync_depth_00056.png 518.8579 +/living_room_0070/rgb_00006.jpg /living_room_0070/sync_depth_00006.png 518.8579 +/living_room_0058/rgb_00056.jpg /living_room_0058/sync_depth_00056.png 518.8579 +/kitchen_0052/rgb_00078.jpg /kitchen_0052/sync_depth_00078.png 518.8579 +/living_room_0039/rgb_00001.jpg /living_room_0039/sync_depth_00001.png 518.8579 +/bookstore_0001g/rgb_00172.jpg /bookstore_0001g/sync_depth_00172.png 518.8579 +/classroom_0012/rgb_00010.jpg /classroom_0012/sync_depth_00010.png 518.8579 +/bedroom_0050/rgb_00092.jpg /bedroom_0050/sync_depth_00092.png 518.8579 +/kitchen_0052/rgb_00032.jpg /kitchen_0052/sync_depth_00032.png 518.8579 +/living_room_0005/rgb_00160.jpg /living_room_0005/sync_depth_00160.png 518.8579 +/kitchen_0045b/rgb_00114.jpg /kitchen_0045b/sync_depth_00114.png 518.8579 +/student_lounge_0001/rgb_00073.jpg /student_lounge_0001/sync_depth_00073.png 518.8579 +/bedroom_0056a/rgb_00099.jpg /bedroom_0056a/sync_depth_00099.png 518.8579 +/dining_room_0010/rgb_00005.jpg /dining_room_0010/sync_depth_00005.png 518.8579 +/kitchen_0045a/rgb_00048.jpg /kitchen_0045a/sync_depth_00048.png 518.8579 +/kitchen_0045a/rgb_00088.jpg /kitchen_0045a/sync_depth_00088.png 518.8579 +/dining_room_0028/rgb_00095.jpg /dining_room_0028/sync_depth_00095.png 518.8579 +/kitchen_0045b/rgb_00101.jpg /kitchen_0045b/sync_depth_00101.png 518.8579 +/kitchen_0033/rgb_00152.jpg /kitchen_0033/sync_depth_00152.png 518.8579 +/kitchen_0049/rgb_00097.jpg /kitchen_0049/sync_depth_00097.png 518.8579 +/cafe_0001b/rgb_00024.jpg /cafe_0001b/sync_depth_00024.png 518.8579 +/study_room_0005a/rgb_00033.jpg /study_room_0005a/sync_depth_00033.png 518.8579 +/dining_room_0008/rgb_00048.jpg /dining_room_0008/sync_depth_00048.png 518.8579 +/bathroom_0010/rgb_00055.jpg /bathroom_0010/sync_depth_00055.png 518.8579 +/living_room_0050/rgb_00288.jpg /living_room_0050/sync_depth_00288.png 518.8579 +/kitchen_0029c/rgb_00015.jpg /kitchen_0029c/sync_depth_00015.png 518.8579 +/living_room_0020/rgb_00184.jpg /living_room_0020/sync_depth_00184.png 518.8579 +/living_room_0040/rgb_00256.jpg /living_room_0040/sync_depth_00256.png 518.8579 +/kitchen_0050/rgb_00163.jpg /kitchen_0050/sync_depth_00163.png 518.8579 +/home_office_0006/rgb_00035.jpg /home_office_0006/sync_depth_00035.png 518.8579 +/dining_room_0007/rgb_00215.jpg /dining_room_0007/sync_depth_00215.png 518.8579 +/bedroom_0140/rgb_00167.jpg /bedroom_0140/sync_depth_00167.png 518.8579 +/kitchen_0051/rgb_00305.jpg /kitchen_0051/sync_depth_00305.png 518.8579 +/living_room_0069a/rgb_00106.jpg /living_room_0069a/sync_depth_00106.png 518.8579 +/nyu_office_0/rgb_00270.jpg /nyu_office_0/sync_depth_00270.png 518.8579 +/nyu_office_0/rgb_00232.jpg /nyu_office_0/sync_depth_00232.png 518.8579 +/bedroom_0120/rgb_00054.jpg /bedroom_0120/sync_depth_00054.png 518.8579 +/kitchen_0048/rgb_00252.jpg /kitchen_0048/sync_depth_00252.png 518.8579 +/dining_room_0001b/rgb_00215.jpg /dining_room_0001b/sync_depth_00215.png 518.8579 +/study_room_0005b/rgb_00036.jpg /study_room_0005b/sync_depth_00036.png 518.8579 +/dinette_0001/rgb_00010.jpg /dinette_0001/sync_depth_00010.png 518.8579 +/dining_room_0024/rgb_00053.jpg /dining_room_0024/sync_depth_00053.png 518.8579 +/classroom_0010/rgb_00011.jpg /classroom_0010/sync_depth_00011.png 518.8579 +/dining_room_0012/rgb_00136.jpg /dining_room_0012/sync_depth_00136.png 518.8579 +/reception_room_0001a/rgb_00097.jpg /reception_room_0001a/sync_depth_00097.png 518.8579 +/living_room_0022/rgb_00093.jpg /living_room_0022/sync_depth_00093.png 518.8579 +/dining_room_0024/rgb_00077.jpg /dining_room_0024/sync_depth_00077.png 518.8579 +/bookstore_0001e/rgb_00082.jpg /bookstore_0001e/sync_depth_00082.png 518.8579 +/dining_room_0004/rgb_00007.jpg /dining_room_0004/sync_depth_00007.png 518.8579 +/bedroom_0118/rgb_00031.jpg /bedroom_0118/sync_depth_00031.png 518.8579 +/bedroom_0076a/rgb_00017.jpg /bedroom_0076a/sync_depth_00017.png 518.8579 +/bedroom_0082/rgb_00001.jpg /bedroom_0082/sync_depth_00001.png 518.8579 +/office_0021/rgb_00027.jpg /office_0021/sync_depth_00027.png 518.8579 +/bedroom_0071/rgb_00010.jpg /bedroom_0071/sync_depth_00010.png 518.8579 +/furniture_store_0001d/rgb_00014.jpg /furniture_store_0001d/sync_depth_00014.png 518.8579 +/dining_room_0007/rgb_00237.jpg /dining_room_0007/sync_depth_00237.png 518.8579 +/dining_room_0034/rgb_00115.jpg /dining_room_0034/sync_depth_00115.png 518.8579 +/dining_room_0001b/rgb_00117.jpg /dining_room_0001b/sync_depth_00117.png 518.8579 +/home_office_0005/rgb_00125.jpg /home_office_0005/sync_depth_00125.png 518.8579 +/kitchen_0011b/rgb_00000.jpg /kitchen_0011b/sync_depth_00000.png 518.8579 +/home_office_0011/rgb_00084.jpg /home_office_0011/sync_depth_00084.png 518.8579 +/kitchen_0049/rgb_00107.jpg /kitchen_0049/sync_depth_00107.png 518.8579 +/bedroom_0126/rgb_00039.jpg /bedroom_0126/sync_depth_00039.png 518.8579 +/bedroom_0132/rgb_00043.jpg /bedroom_0132/sync_depth_00043.png 518.8579 +/classroom_0004/rgb_00048.jpg /classroom_0004/sync_depth_00048.png 518.8579 +/bathroom_0016/rgb_00032.jpg /bathroom_0016/sync_depth_00032.png 518.8579 +/bedroom_0050/rgb_00088.jpg /bedroom_0050/sync_depth_00088.png 518.8579 +/study_room_0004/rgb_00036.jpg /study_room_0004/sync_depth_00036.png 518.8579 +/furniture_store_0002a/rgb_00271.jpg /furniture_store_0002a/sync_depth_00271.png 518.8579 +/bedroom_0038/rgb_00017.jpg /bedroom_0038/sync_depth_00017.png 518.8579 +/furniture_store_0002a/rgb_00155.jpg /furniture_store_0002a/sync_depth_00155.png 518.8579 +/bedroom_0059/rgb_00033.jpg /bedroom_0059/sync_depth_00033.png 518.8579 +/living_room_0063/rgb_00060.jpg /living_room_0063/sync_depth_00060.png 518.8579 +/bedroom_0025/rgb_00071.jpg /bedroom_0025/sync_depth_00071.png 518.8579 +/bookstore_0001d/rgb_00197.jpg /bookstore_0001d/sync_depth_00197.png 518.8579 +/excercise_room_0001/rgb_00128.jpg /excercise_room_0001/sync_depth_00128.png 518.8579 +/living_room_0020/rgb_00043.jpg /living_room_0020/sync_depth_00043.png 518.8579 +/bookstore_0001g/rgb_00067.jpg /bookstore_0001g/sync_depth_00067.png 518.8579 +/dining_room_0013/rgb_00143.jpg /dining_room_0013/sync_depth_00143.png 518.8579 +/kitchen_0008/rgb_00007.jpg /kitchen_0008/sync_depth_00007.png 518.8579 +/dining_room_0029/rgb_00012.jpg /dining_room_0029/sync_depth_00012.png 518.8579 +/bedroom_0050/rgb_00076.jpg /bedroom_0050/sync_depth_00076.png 518.8579 +/kitchen_0041/rgb_00018.jpg /kitchen_0041/sync_depth_00018.png 518.8579 +/living_room_0068/rgb_00056.jpg /living_room_0068/sync_depth_00056.png 518.8579 +/bedroom_0051/rgb_00161.jpg /bedroom_0051/sync_depth_00161.png 518.8579 +/foyer_0002/rgb_00032.jpg /foyer_0002/sync_depth_00032.png 518.8579 +/dining_room_0033/rgb_00003.jpg /dining_room_0033/sync_depth_00003.png 518.8579 +/dining_room_0016/rgb_00113.jpg /dining_room_0016/sync_depth_00113.png 518.8579 +/living_room_0083/rgb_00101.jpg /living_room_0083/sync_depth_00101.png 518.8579 +/classroom_0005/rgb_00022.jpg /classroom_0005/sync_depth_00022.png 518.8579 +/living_room_0083/rgb_00017.jpg /living_room_0083/sync_depth_00017.png 518.8579 +/reception_room_0001a/rgb_00086.jpg /reception_room_0001a/sync_depth_00086.png 518.8579 +/kitchen_0016/rgb_00035.jpg /kitchen_0016/sync_depth_00035.png 518.8579 +/dining_room_0037/rgb_00025.jpg /dining_room_0037/sync_depth_00025.png 518.8579 +/living_room_0040/rgb_00059.jpg /living_room_0040/sync_depth_00059.png 518.8579 +/study_room_0004/rgb_00005.jpg /study_room_0004/sync_depth_00005.png 518.8579 +/playroom_0006/rgb_00038.jpg /playroom_0006/sync_depth_00038.png 518.8579 +/office_kitchen_0001b/rgb_00015.jpg /office_kitchen_0001b/sync_depth_00015.png 518.8579 +/bedroom_0097/rgb_00004.jpg /bedroom_0097/sync_depth_00004.png 518.8579 +/office_kitchen_0003/rgb_00036.jpg /office_kitchen_0003/sync_depth_00036.png 518.8579 +/kitchen_0051/rgb_00116.jpg /kitchen_0051/sync_depth_00116.png 518.8579 +/dining_room_0008/rgb_00118.jpg /dining_room_0008/sync_depth_00118.png 518.8579 +/home_storage_0001/rgb_00020.jpg /home_storage_0001/sync_depth_00020.png 518.8579 +/living_room_0063/rgb_00000.jpg /living_room_0063/sync_depth_00000.png 518.8579 +/living_room_0010/rgb_00026.jpg /living_room_0010/sync_depth_00026.png 518.8579 +/classroom_0010/rgb_00075.jpg /classroom_0010/sync_depth_00075.png 518.8579 +/bedroom_0060/rgb_00006.jpg /bedroom_0060/sync_depth_00006.png 518.8579 +/living_room_0042a/rgb_00009.jpg /living_room_0042a/sync_depth_00009.png 518.8579 +/playroom_0004/rgb_00065.jpg /playroom_0004/sync_depth_00065.png 518.8579 +/living_room_0038/rgb_00112.jpg /living_room_0038/sync_depth_00112.png 518.8579 +/bathroom_0049/rgb_00012.jpg /bathroom_0049/sync_depth_00012.png 518.8579 +/living_room_0022/rgb_00135.jpg /living_room_0022/sync_depth_00135.png 518.8579 +/kitchen_0028b/rgb_00035.jpg /kitchen_0028b/sync_depth_00035.png 518.8579 +/student_lounge_0001/rgb_00161.jpg /student_lounge_0001/sync_depth_00161.png 518.8579 +/bathroom_0053/rgb_00011.jpg /bathroom_0053/sync_depth_00011.png 518.8579 +/home_storage_0001/rgb_00031.jpg /home_storage_0001/sync_depth_00031.png 518.8579 +/living_room_0018/rgb_00164.jpg /living_room_0018/sync_depth_00164.png 518.8579 +/kitchen_0050/rgb_00013.jpg /kitchen_0050/sync_depth_00013.png 518.8579 +/living_room_0058/rgb_00026.jpg /living_room_0058/sync_depth_00026.png 518.8579 +/dining_room_0008/rgb_00020.jpg /dining_room_0008/sync_depth_00020.png 518.8579 +/bedroom_0052/rgb_00199.jpg /bedroom_0052/sync_depth_00199.png 518.8579 +/home_storage_0001/rgb_00017.jpg /home_storage_0001/sync_depth_00017.png 518.8579 +/kitchen_0028b/rgb_00073.jpg /kitchen_0028b/sync_depth_00073.png 518.8579 +/indoor_balcony_0001/rgb_00032.jpg /indoor_balcony_0001/sync_depth_00032.png 518.8579 +/bookstore_0001f/rgb_00088.jpg /bookstore_0001f/sync_depth_00088.png 518.8579 +/kitchen_0053/rgb_00138.jpg /kitchen_0053/sync_depth_00138.png 518.8579 +/bedroom_0051/rgb_00135.jpg /bedroom_0051/sync_depth_00135.png 518.8579 +/bathroom_0006/rgb_00047.jpg /bathroom_0006/sync_depth_00047.png 518.8579 +/kitchen_0035a/rgb_00017.jpg /kitchen_0035a/sync_depth_00017.png 518.8579 +/kitchen_0050/rgb_00023.jpg /kitchen_0050/sync_depth_00023.png 518.8579 +/kitchen_0048/rgb_00151.jpg /kitchen_0048/sync_depth_00151.png 518.8579 +/living_room_0050/rgb_00143.jpg /living_room_0050/sync_depth_00143.png 518.8579 +/kitchen_0060/rgb_00004.jpg /kitchen_0060/sync_depth_00004.png 518.8579 +/bedroom_0020/rgb_00004.jpg /bedroom_0020/sync_depth_00004.png 518.8579 +/furniture_store_0002b/rgb_00278.jpg /furniture_store_0002b/sync_depth_00278.png 518.8579 +/dining_room_0031/rgb_00273.jpg /dining_room_0031/sync_depth_00273.png 518.8579 +/bedroom_0069/rgb_00091.jpg /bedroom_0069/sync_depth_00091.png 518.8579 +/basement_0001a/rgb_00044.jpg /basement_0001a/sync_depth_00044.png 518.8579 +/living_room_0058/rgb_00152.jpg /living_room_0058/sync_depth_00152.png 518.8579 +/bookstore_0001f/rgb_00441.jpg /bookstore_0001f/sync_depth_00441.png 518.8579 +/bathroom_0041/rgb_00015.jpg /bathroom_0041/sync_depth_00015.png 518.8579 +/study_room_0004/rgb_00031.jpg /study_room_0004/sync_depth_00031.png 518.8579 +/bedroom_0079/rgb_00041.jpg /bedroom_0079/sync_depth_00041.png 518.8579 +/kitchen_0031/rgb_00095.jpg /kitchen_0031/sync_depth_00095.png 518.8579 +/nyu_office_1/rgb_00010.jpg /nyu_office_1/sync_depth_00010.png 518.8579 +/classroom_0004/rgb_00033.jpg /classroom_0004/sync_depth_00033.png 518.8579 +/dining_room_0023/rgb_00102.jpg /dining_room_0023/sync_depth_00102.png 518.8579 +/home_office_0007/rgb_00000.jpg /home_office_0007/sync_depth_00000.png 518.8579 +/living_room_0069b/rgb_00039.jpg /living_room_0069b/sync_depth_00039.png 518.8579 +/bedroom_0051/rgb_00160.jpg /bedroom_0051/sync_depth_00160.png 518.8579 +/office_0021/rgb_00056.jpg /office_0021/sync_depth_00056.png 518.8579 +/bookstore_0001f/rgb_00104.jpg /bookstore_0001f/sync_depth_00104.png 518.8579 +/home_office_0007/rgb_00034.jpg /home_office_0007/sync_depth_00034.png 518.8579 +/bedroom_0076a/rgb_00083.jpg /bedroom_0076a/sync_depth_00083.png 518.8579 +/kitchen_0017/rgb_00071.jpg /kitchen_0017/sync_depth_00071.png 518.8579 +/living_room_0078/rgb_00004.jpg /living_room_0078/sync_depth_00004.png 518.8579 +/classroom_0018/rgb_00018.jpg /classroom_0018/sync_depth_00018.png 518.8579 +/bedroom_0051/rgb_00147.jpg /bedroom_0051/sync_depth_00147.png 518.8579 +/dinette_0001/rgb_00050.jpg /dinette_0001/sync_depth_00050.png 518.8579 +/dining_room_0015/rgb_00159.jpg /dining_room_0015/sync_depth_00159.png 518.8579 +/living_room_0018/rgb_00023.jpg /living_room_0018/sync_depth_00023.png 518.8579 +/kitchen_0028a/rgb_00107.jpg /kitchen_0028a/sync_depth_00107.png 518.8579 +/bathroom_0045a/rgb_00016.jpg /bathroom_0045a/sync_depth_00016.png 518.8579 +/kitchen_0011b/rgb_00020.jpg /kitchen_0011b/sync_depth_00020.png 518.8579 +/nyu_office_0/rgb_00409.jpg /nyu_office_0/sync_depth_00409.png 518.8579 +/kitchen_0059/rgb_00041.jpg /kitchen_0059/sync_depth_00041.png 518.8579 +/kitchen_0011a/rgb_00027.jpg /kitchen_0011a/sync_depth_00027.png 518.8579 +/bedroom_0031/rgb_00024.jpg /bedroom_0031/sync_depth_00024.png 518.8579 +/kitchen_0011a/rgb_00095.jpg /kitchen_0011a/sync_depth_00095.png 518.8579 +/classroom_0006/rgb_00126.jpg /classroom_0006/sync_depth_00126.png 518.8579 +/dining_room_0033/rgb_00022.jpg /dining_room_0033/sync_depth_00022.png 518.8579 +/furniture_store_0001b/rgb_00064.jpg /furniture_store_0001b/sync_depth_00064.png 518.8579 +/kitchen_0011a/rgb_00119.jpg /kitchen_0011a/sync_depth_00119.png 518.8579 +/cafe_0001c/rgb_00049.jpg /cafe_0001c/sync_depth_00049.png 518.8579 +/living_room_0058/rgb_00046.jpg /living_room_0058/sync_depth_00046.png 518.8579 +/bathroom_0007/rgb_00092.jpg /bathroom_0007/sync_depth_00092.png 518.8579 +/living_room_0082/rgb_00064.jpg /living_room_0082/sync_depth_00064.png 518.8579 +/living_room_0062/rgb_00179.jpg /living_room_0062/sync_depth_00179.png 518.8579 +/classroom_0016/rgb_00035.jpg /classroom_0016/sync_depth_00035.png 518.8579 +/home_office_0005/rgb_00029.jpg /home_office_0005/sync_depth_00029.png 518.8579 +/dining_room_0007/rgb_00188.jpg /dining_room_0007/sync_depth_00188.png 518.8579 +/home_office_0006/rgb_00139.jpg /home_office_0006/sync_depth_00139.png 518.8579 +/bedroom_0076a/rgb_00134.jpg /bedroom_0076a/sync_depth_00134.png 518.8579 +/living_room_0046b/rgb_00024.jpg /living_room_0046b/sync_depth_00024.png 518.8579 +/kitchen_0031/rgb_00109.jpg /kitchen_0031/sync_depth_00109.png 518.8579 +/classroom_0006/rgb_00115.jpg /classroom_0006/sync_depth_00115.png 518.8579 +/bookstore_0001e/rgb_00045.jpg /bookstore_0001e/sync_depth_00045.png 518.8579 +/kitchen_0043/rgb_00123.jpg /kitchen_0043/sync_depth_00123.png 518.8579 +/nyu_office_0/rgb_00240.jpg /nyu_office_0/sync_depth_00240.png 518.8579 +/kitchen_0019a/rgb_00050.jpg /kitchen_0019a/sync_depth_00050.png 518.8579 +/kitchen_0050/rgb_00204.jpg /kitchen_0050/sync_depth_00204.png 518.8579 +/bedroom_0016/rgb_00029.jpg /bedroom_0016/sync_depth_00029.png 518.8579 +/bedroom_0113/rgb_00032.jpg /bedroom_0113/sync_depth_00032.png 518.8579 +/student_lounge_0001/rgb_00030.jpg /student_lounge_0001/sync_depth_00030.png 518.8579 +/kitchen_0028a/rgb_00087.jpg /kitchen_0028a/sync_depth_00087.png 518.8579 +/bookstore_0001h/rgb_00170.jpg /bookstore_0001h/sync_depth_00170.png 518.8579 +/dining_room_0029/rgb_00077.jpg /dining_room_0029/sync_depth_00077.png 518.8579 +/bedroom_0125b/rgb_00090.jpg /bedroom_0125b/sync_depth_00090.png 518.8579 +/kitchen_0045a/rgb_00063.jpg /kitchen_0045a/sync_depth_00063.png 518.8579 +/living_room_0069a/rgb_00046.jpg /living_room_0069a/sync_depth_00046.png 518.8579 +/living_room_0068/rgb_00006.jpg /living_room_0068/sync_depth_00006.png 518.8579 +/dining_room_0016/rgb_00068.jpg /dining_room_0016/sync_depth_00068.png 518.8579 +/furniture_store_0001b/rgb_00057.jpg /furniture_store_0001b/sync_depth_00057.png 518.8579 +/bookstore_0001j/rgb_00028.jpg /bookstore_0001j/sync_depth_00028.png 518.8579 +/bedroom_0076a/rgb_00168.jpg /bedroom_0076a/sync_depth_00168.png 518.8579 +/bookstore_0001d/rgb_00040.jpg /bookstore_0001d/sync_depth_00040.png 518.8579 +/dining_room_0013/rgb_00184.jpg /dining_room_0013/sync_depth_00184.png 518.8579 +/bookstore_0001d/rgb_00145.jpg /bookstore_0001d/sync_depth_00145.png 518.8579 +/living_room_0040/rgb_00032.jpg /living_room_0040/sync_depth_00032.png 518.8579 +/bookstore_0001f/rgb_00217.jpg /bookstore_0001f/sync_depth_00217.png 518.8579 +/dining_room_0007/rgb_00041.jpg /dining_room_0007/sync_depth_00041.png 518.8579 +/kitchen_0019a/rgb_00016.jpg /kitchen_0019a/sync_depth_00016.png 518.8579 +/study_room_0005a/rgb_00053.jpg /study_room_0005a/sync_depth_00053.png 518.8579 +/nyu_office_0/rgb_00097.jpg /nyu_office_0/sync_depth_00097.png 518.8579 +/nyu_office_1/rgb_00058.jpg /nyu_office_1/sync_depth_00058.png 518.8579 +/living_room_0050/rgb_00185.jpg /living_room_0050/sync_depth_00185.png 518.8579 +/living_room_0020/rgb_00218.jpg /living_room_0020/sync_depth_00218.png 518.8579 +/bedroom_0056b/rgb_00000.jpg /bedroom_0056b/sync_depth_00000.png 518.8579 +/living_room_0063/rgb_00027.jpg /living_room_0063/sync_depth_00027.png 518.8579 +/dining_room_0031/rgb_00235.jpg /dining_room_0031/sync_depth_00235.png 518.8579 +/nyu_office_0/rgb_00009.jpg /nyu_office_0/sync_depth_00009.png 518.8579 +/bedroom_0063/rgb_00041.jpg /bedroom_0063/sync_depth_00041.png 518.8579 +/bathroom_0056/rgb_00017.jpg /bathroom_0056/sync_depth_00017.png 518.8579 +/kitchen_0048/rgb_00084.jpg /kitchen_0048/sync_depth_00084.png 518.8579 +/playroom_0002/rgb_00130.jpg /playroom_0002/sync_depth_00130.png 518.8579 +/dining_room_0023/rgb_00137.jpg /dining_room_0023/sync_depth_00137.png 518.8579 +/bedroom_0079/rgb_00035.jpg /bedroom_0079/sync_depth_00035.png 518.8579 +/bedroom_0104/rgb_00038.jpg /bedroom_0104/sync_depth_00038.png 518.8579 +/kitchen_0047/rgb_00015.jpg /kitchen_0047/sync_depth_00015.png 518.8579 +/student_lounge_0001/rgb_00080.jpg /student_lounge_0001/sync_depth_00080.png 518.8579 +/excercise_room_0001/rgb_00072.jpg /excercise_room_0001/sync_depth_00072.png 518.8579 +/bedroom_0033/rgb_00149.jpg /bedroom_0033/sync_depth_00149.png 518.8579 +/dining_room_0028/rgb_00127.jpg /dining_room_0028/sync_depth_00127.png 518.8579 +/home_office_0005/rgb_00074.jpg /home_office_0005/sync_depth_00074.png 518.8579 +/kitchen_0016/rgb_00068.jpg /kitchen_0016/sync_depth_00068.png 518.8579 +/dining_room_0033/rgb_00129.jpg /dining_room_0033/sync_depth_00129.png 518.8579 +/office_kitchen_0003/rgb_00003.jpg /office_kitchen_0003/sync_depth_00003.png 518.8579 +/study_room_0005a/rgb_00047.jpg /study_room_0005a/sync_depth_00047.png 518.8579 +/kitchen_0003/rgb_00118.jpg /kitchen_0003/sync_depth_00118.png 518.8579 +/bookstore_0001f/rgb_00072.jpg /bookstore_0001f/sync_depth_00072.png 518.8579 +/kitchen_0045a/rgb_00015.jpg /kitchen_0045a/sync_depth_00015.png 518.8579 +/living_room_0068/rgb_00104.jpg /living_room_0068/sync_depth_00104.png 518.8579 +/bedroom_0004/rgb_00164.jpg /bedroom_0004/sync_depth_00164.png 518.8579 +/living_room_0071/rgb_00033.jpg /living_room_0071/sync_depth_00033.png 518.8579 +/dining_room_0024/rgb_00024.jpg /dining_room_0024/sync_depth_00024.png 518.8579 +/bedroom_0056a/rgb_00025.jpg /bedroom_0056a/sync_depth_00025.png 518.8579 +/bedroom_0040/rgb_00006.jpg /bedroom_0040/sync_depth_00006.png 518.8579 +/kitchen_0003/rgb_00010.jpg /kitchen_0003/sync_depth_00010.png 518.8579 +/kitchen_0010/rgb_00107.jpg /kitchen_0010/sync_depth_00107.png 518.8579 +/bedroom_0079/rgb_00051.jpg /bedroom_0079/sync_depth_00051.png 518.8579 +/dining_room_0012/rgb_00011.jpg /dining_room_0012/sync_depth_00011.png 518.8579 +/dining_room_0024/rgb_00092.jpg /dining_room_0024/sync_depth_00092.png 518.8579 +/kitchen_0051/rgb_00135.jpg /kitchen_0051/sync_depth_00135.png 518.8579 +/kitchen_0051/rgb_00110.jpg /kitchen_0051/sync_depth_00110.png 518.8579 +/bedroom_0097/rgb_00017.jpg /bedroom_0097/sync_depth_00017.png 518.8579 +/kitchen_0019a/rgb_00031.jpg /kitchen_0019a/sync_depth_00031.png 518.8579 +/living_room_0010/rgb_00033.jpg /living_room_0010/sync_depth_00033.png 518.8579 +/kitchen_0017/rgb_00085.jpg /kitchen_0017/sync_depth_00085.png 518.8579 +/living_room_0005/rgb_00094.jpg /living_room_0005/sync_depth_00094.png 518.8579 +/bedroom_0053/rgb_00095.jpg /bedroom_0053/sync_depth_00095.png 518.8579 +/living_room_0067/rgb_00002.jpg /living_room_0067/sync_depth_00002.png 518.8579 +/living_room_0020/rgb_00240.jpg /living_room_0020/sync_depth_00240.png 518.8579 +/foyer_0002/rgb_00047.jpg /foyer_0002/sync_depth_00047.png 518.8579 +/bathroom_0028/rgb_00007.jpg /bathroom_0028/sync_depth_00007.png 518.8579 +/living_room_0050/rgb_00207.jpg /living_room_0050/sync_depth_00207.png 518.8579 +/dining_room_0029/rgb_00079.jpg /dining_room_0029/sync_depth_00079.png 518.8579 +/printer_room_0001/rgb_00035.jpg /printer_room_0001/sync_depth_00035.png 518.8579 +/dining_room_0008/rgb_00019.jpg /dining_room_0008/sync_depth_00019.png 518.8579 +/kitchen_0051/rgb_00252.jpg /kitchen_0051/sync_depth_00252.png 518.8579 +/bedroom_0104/rgb_00109.jpg /bedroom_0104/sync_depth_00109.png 518.8579 +/dining_room_0031/rgb_00369.jpg /dining_room_0031/sync_depth_00369.png 518.8579 +/bedroom_0029/rgb_00044.jpg /bedroom_0029/sync_depth_00044.png 518.8579 +/kitchen_0033/rgb_00118.jpg /kitchen_0033/sync_depth_00118.png 518.8579 +/kitchen_0035b/rgb_00238.jpg /kitchen_0035b/sync_depth_00238.png 518.8579 +/bathroom_0041/rgb_00041.jpg /bathroom_0041/sync_depth_00041.png 518.8579 +/kitchen_0006/rgb_00025.jpg /kitchen_0006/sync_depth_00025.png 518.8579 +/dining_room_0034/rgb_00045.jpg /dining_room_0034/sync_depth_00045.png 518.8579 +/bedroom_0004/rgb_00123.jpg /bedroom_0004/sync_depth_00123.png 518.8579 +/furniture_store_0002a/rgb_00360.jpg /furniture_store_0002a/sync_depth_00360.png 518.8579 +/kitchen_0047/rgb_00133.jpg /kitchen_0047/sync_depth_00133.png 518.8579 +/home_office_0008/rgb_00087.jpg /home_office_0008/sync_depth_00087.png 518.8579 +/kitchen_0053/rgb_00058.jpg /kitchen_0053/sync_depth_00058.png 518.8579 +/bathroom_0042/rgb_00006.jpg /bathroom_0042/sync_depth_00006.png 518.8579 +/study_0003/rgb_00023.jpg /study_0003/sync_depth_00023.png 518.8579 +/furniture_store_0001d/rgb_00163.jpg /furniture_store_0001d/sync_depth_00163.png 518.8579 +/living_room_0039/rgb_00131.jpg /living_room_0039/sync_depth_00131.png 518.8579 +/office_0006/rgb_00070.jpg /office_0006/sync_depth_00070.png 518.8579 +/bathroom_0006/rgb_00039.jpg /bathroom_0006/sync_depth_00039.png 518.8579 +/living_room_0038/rgb_00039.jpg /living_room_0038/sync_depth_00039.png 518.8579 +/bedroom_0069/rgb_00104.jpg /bedroom_0069/sync_depth_00104.png 518.8579 +/bookstore_0001g/rgb_00236.jpg /bookstore_0001g/sync_depth_00236.png 518.8579 +/living_room_0020/rgb_00154.jpg /living_room_0020/sync_depth_00154.png 518.8579 +/bedroom_0052/rgb_00099.jpg /bedroom_0052/sync_depth_00099.png 518.8579 +/living_room_0063/rgb_00172.jpg /living_room_0063/sync_depth_00172.png 518.8579 +/living_room_0068/rgb_00078.jpg /living_room_0068/sync_depth_00078.png 518.8579 +/office_0011/rgb_00082.jpg /office_0011/sync_depth_00082.png 518.8579 +/bathroom_0007/rgb_00045.jpg /bathroom_0007/sync_depth_00045.png 518.8579 +/dining_room_0007/rgb_00016.jpg /dining_room_0007/sync_depth_00016.png 518.8579 +/living_room_0078/rgb_00142.jpg /living_room_0078/sync_depth_00142.png 518.8579 +/office_kitchen_0003/rgb_00121.jpg /office_kitchen_0003/sync_depth_00121.png 518.8579 +/kitchen_0051/rgb_00136.jpg /kitchen_0051/sync_depth_00136.png 518.8579 +/dining_room_0037/rgb_00150.jpg /dining_room_0037/sync_depth_00150.png 518.8579 +/living_room_0042b/rgb_00057.jpg /living_room_0042b/sync_depth_00057.png 518.8579 +/kitchen_0016/rgb_00048.jpg /kitchen_0016/sync_depth_00048.png 518.8579 +/playroom_0004/rgb_00045.jpg /playroom_0004/sync_depth_00045.png 518.8579 +/nyu_office_0/rgb_00375.jpg /nyu_office_0/sync_depth_00375.png 518.8579 +/dining_room_0037/rgb_00070.jpg /dining_room_0037/sync_depth_00070.png 518.8579 +/kitchen_0060/rgb_00026.jpg /kitchen_0060/sync_depth_00026.png 518.8579 +/laundry_room_0001/rgb_00012.jpg /laundry_room_0001/sync_depth_00012.png 518.8579 +/bedroom_0060/rgb_00104.jpg /bedroom_0060/sync_depth_00104.png 518.8579 +/bookstore_0001j/rgb_00023.jpg /bookstore_0001j/sync_depth_00023.png 518.8579 +/furniture_store_0002a/rgb_00079.jpg /furniture_store_0002a/sync_depth_00079.png 518.8579 +/dining_room_0024/rgb_00063.jpg /dining_room_0024/sync_depth_00063.png 518.8579 +/bedroom_0034/rgb_00065.jpg /bedroom_0034/sync_depth_00065.png 518.8579 +/bedroom_0138/rgb_00080.jpg /bedroom_0138/sync_depth_00080.png 518.8579 +/kitchen_0059/rgb_00065.jpg /kitchen_0059/sync_depth_00065.png 518.8579 +/living_room_0040/rgb_00138.jpg /living_room_0040/sync_depth_00138.png 518.8579 +/kitchen_0050/rgb_00187.jpg /kitchen_0050/sync_depth_00187.png 518.8579 +/dining_room_0014/rgb_00055.jpg /dining_room_0014/sync_depth_00055.png 518.8579 +/nyu_office_1/rgb_00037.jpg /nyu_office_1/sync_depth_00037.png 518.8579 +/kitchen_0049/rgb_00049.jpg /kitchen_0049/sync_depth_00049.png 518.8579 +/bedroom_0029/rgb_00000.jpg /bedroom_0029/sync_depth_00000.png 518.8579 +/kitchen_0043/rgb_00072.jpg /kitchen_0043/sync_depth_00072.png 518.8579 +/study_0006/rgb_00033.jpg /study_0006/sync_depth_00033.png 518.8579 +/kitchen_0028b/rgb_00010.jpg /kitchen_0028b/sync_depth_00010.png 518.8579 +/dining_room_0034/rgb_00220.jpg /dining_room_0034/sync_depth_00220.png 518.8579 +/living_room_0040/rgb_00093.jpg /living_room_0040/sync_depth_00093.png 518.8579 +/playroom_0003/rgb_00201.jpg /playroom_0003/sync_depth_00201.png 518.8579 +/bedroom_0098/rgb_00047.jpg /bedroom_0098/sync_depth_00047.png 518.8579 +/living_room_0038/rgb_00120.jpg /living_room_0038/sync_depth_00120.png 518.8579 +/dining_room_0024/rgb_00005.jpg /dining_room_0024/sync_depth_00005.png 518.8579 +/kitchen_0048/rgb_00167.jpg /kitchen_0048/sync_depth_00167.png 518.8579 +/kitchen_0035b/rgb_00166.jpg /kitchen_0035b/sync_depth_00166.png 518.8579 +/bedroom_0067a/rgb_00044.jpg /bedroom_0067a/sync_depth_00044.png 518.8579 +/living_room_0040/rgb_00050.jpg /living_room_0040/sync_depth_00050.png 518.8579 +/living_room_0020/rgb_00094.jpg /living_room_0020/sync_depth_00094.png 518.8579 +/kitchen_0048/rgb_00124.jpg /kitchen_0048/sync_depth_00124.png 518.8579 +/dining_room_0037/rgb_00049.jpg /dining_room_0037/sync_depth_00049.png 518.8579 +/kitchen_0029b/rgb_00059.jpg /kitchen_0029b/sync_depth_00059.png 518.8579 +/office_0012/rgb_00013.jpg /office_0012/sync_depth_00013.png 518.8579 +/furniture_store_0001d/rgb_00044.jpg /furniture_store_0001d/sync_depth_00044.png 518.8579 +/bedroom_0067b/rgb_00018.jpg /bedroom_0067b/sync_depth_00018.png 518.8579 +/bedroom_0056a/rgb_00038.jpg /bedroom_0056a/sync_depth_00038.png 518.8579 +/office_0019/rgb_00039.jpg /office_0019/sync_depth_00039.png 518.8579 +/living_room_0083/rgb_00106.jpg /living_room_0083/sync_depth_00106.png 518.8579 +/dining_room_0031/rgb_00008.jpg /dining_room_0031/sync_depth_00008.png 518.8579 +/dining_room_0034/rgb_00024.jpg /dining_room_0034/sync_depth_00024.png 518.8579 +/living_room_0004/rgb_00076.jpg /living_room_0004/sync_depth_00076.png 518.8579 +/living_room_0069b/rgb_00073.jpg /living_room_0069b/sync_depth_00073.png 518.8579 +/dining_room_0031/rgb_00357.jpg /dining_room_0031/sync_depth_00357.png 518.8579 +/kitchen_0006/rgb_00034.jpg /kitchen_0006/sync_depth_00034.png 518.8579 +/furniture_store_0001d/rgb_00001.jpg /furniture_store_0001d/sync_depth_00001.png 518.8579 +/living_room_0047b/rgb_00020.jpg /living_room_0047b/sync_depth_00020.png 518.8579 +/kitchen_0043/rgb_00228.jpg /kitchen_0043/sync_depth_00228.png 518.8579 +/nyu_office_0/rgb_00108.jpg /nyu_office_0/sync_depth_00108.png 518.8579 +/kitchen_0037/rgb_00065.jpg /kitchen_0037/sync_depth_00065.png 518.8579 +/living_room_0078/rgb_00018.jpg /living_room_0078/sync_depth_00018.png 518.8579 +/living_room_0078/rgb_00044.jpg /living_room_0078/sync_depth_00044.png 518.8579 +/classroom_0016/rgb_00023.jpg /classroom_0016/sync_depth_00023.png 518.8579 +/bathroom_0030/rgb_00036.jpg /bathroom_0030/sync_depth_00036.png 518.8579 +/home_office_0007/rgb_00009.jpg /home_office_0007/sync_depth_00009.png 518.8579 +/living_room_0055/rgb_00004.jpg /living_room_0055/sync_depth_00004.png 518.8579 +/laundry_room_0001/rgb_00024.jpg /laundry_room_0001/sync_depth_00024.png 518.8579 +/bedroom_0021/rgb_00029.jpg /bedroom_0021/sync_depth_00029.png 518.8579 +/living_room_0022/rgb_00224.jpg /living_room_0022/sync_depth_00224.png 518.8579 +/living_room_0083/rgb_00059.jpg /living_room_0083/sync_depth_00059.png 518.8579 +/bookstore_0001j/rgb_00061.jpg /bookstore_0001j/sync_depth_00061.png 518.8579 +/living_room_0083/rgb_00042.jpg /living_room_0083/sync_depth_00042.png 518.8579 +/dinette_0001/rgb_00082.jpg /dinette_0001/sync_depth_00082.png 518.8579 +/home_office_0006/rgb_00141.jpg /home_office_0006/sync_depth_00141.png 518.8579 +/living_room_0011/rgb_00049.jpg /living_room_0011/sync_depth_00049.png 518.8579 +/dining_room_0031/rgb_00015.jpg /dining_room_0031/sync_depth_00015.png 518.8579 +/study_room_0004/rgb_00074.jpg /study_room_0004/sync_depth_00074.png 518.8579 +/home_office_0006/rgb_00054.jpg /home_office_0006/sync_depth_00054.png 518.8579 +/office_0011/rgb_00152.jpg /office_0011/sync_depth_00152.png 518.8579 +/bedroom_0033/rgb_00111.jpg /bedroom_0033/sync_depth_00111.png 518.8579 +/bedroom_0016/rgb_00141.jpg /bedroom_0016/sync_depth_00141.png 518.8579 +/living_room_0042b/rgb_00051.jpg /living_room_0042b/sync_depth_00051.png 518.8579 +/kitchen_0050/rgb_00203.jpg /kitchen_0050/sync_depth_00203.png 518.8579 +/dining_room_0033/rgb_00086.jpg /dining_room_0033/sync_depth_00086.png 518.8579 +/living_room_0078/rgb_00109.jpg /living_room_0078/sync_depth_00109.png 518.8579 +/kitchen_0052/rgb_00007.jpg /kitchen_0052/sync_depth_00007.png 518.8579 +/bedroom_0136/rgb_00041.jpg /bedroom_0136/sync_depth_00041.png 518.8579 +/living_room_0022/rgb_00378.jpg /living_room_0022/sync_depth_00378.png 518.8579 +/student_lounge_0001/rgb_00202.jpg /student_lounge_0001/sync_depth_00202.png 518.8579 +/bedroom_0120/rgb_00070.jpg /bedroom_0120/sync_depth_00070.png 518.8579 +/bookstore_0001i/rgb_00067.jpg /bookstore_0001i/sync_depth_00067.png 518.8579 +/bedroom_0050/rgb_00078.jpg /bedroom_0050/sync_depth_00078.png 518.8579 +/dining_room_0015/rgb_00028.jpg /dining_room_0015/sync_depth_00028.png 518.8579 +/dining_room_0002/rgb_00015.jpg /dining_room_0002/sync_depth_00015.png 518.8579 +/living_room_0032/rgb_00040.jpg /living_room_0032/sync_depth_00040.png 518.8579 +/bathroom_0007/rgb_00027.jpg /bathroom_0007/sync_depth_00027.png 518.8579 +/bathroom_0007/rgb_00088.jpg /bathroom_0007/sync_depth_00088.png 518.8579 +/kitchen_0051/rgb_00210.jpg /kitchen_0051/sync_depth_00210.png 518.8579 +/bathroom_0048/rgb_00065.jpg /bathroom_0048/sync_depth_00065.png 518.8579 +/dining_room_0012/rgb_00018.jpg /dining_room_0012/sync_depth_00018.png 518.8579 +/bedroom_0039/rgb_00019.jpg /bedroom_0039/sync_depth_00019.png 518.8579 +/conference_room_0001/rgb_00006.jpg /conference_room_0001/sync_depth_00006.png 518.8579 +/classroom_0010/rgb_00036.jpg /classroom_0010/sync_depth_00036.png 518.8579 +/bedroom_0132/rgb_00017.jpg /bedroom_0132/sync_depth_00017.png 518.8579 +/kitchen_0035b/rgb_00286.jpg /kitchen_0035b/sync_depth_00286.png 518.8579 +/dining_room_0024/rgb_00057.jpg /dining_room_0024/sync_depth_00057.png 518.8579 +/living_room_0010/rgb_00190.jpg /living_room_0010/sync_depth_00190.png 518.8579 +/kitchen_0035b/rgb_00099.jpg /kitchen_0035b/sync_depth_00099.png 518.8579 +/living_room_0010/rgb_00226.jpg /living_room_0010/sync_depth_00226.png 518.8579 +/kitchen_0053/rgb_00202.jpg /kitchen_0053/sync_depth_00202.png 518.8579 +/office_0009/rgb_00088.jpg /office_0009/sync_depth_00088.png 518.8579 +/kitchen_0053/rgb_00211.jpg /kitchen_0053/sync_depth_00211.png 518.8579 +/dining_room_0033/rgb_00154.jpg /dining_room_0033/sync_depth_00154.png 518.8579 +/kitchen_0049/rgb_00198.jpg /kitchen_0049/sync_depth_00198.png 518.8579 +/bedroom_0076a/rgb_00040.jpg /bedroom_0076a/sync_depth_00040.png 518.8579 +/conference_room_0002/rgb_00003.jpg /conference_room_0002/sync_depth_00003.png 518.8579 +/living_room_0050/rgb_00136.jpg /living_room_0050/sync_depth_00136.png 518.8579 +/dining_room_0037/rgb_00084.jpg /dining_room_0037/sync_depth_00084.png 518.8579 +/bedroom_0060/rgb_00037.jpg /bedroom_0060/sync_depth_00037.png 518.8579 +/dining_room_0001b/rgb_00158.jpg /dining_room_0001b/sync_depth_00158.png 518.8579 +/kitchen_0035b/rgb_00095.jpg /kitchen_0035b/sync_depth_00095.png 518.8579 +/living_room_0019/rgb_00037.jpg /living_room_0019/sync_depth_00037.png 518.8579 +/bedroom_0120/rgb_00025.jpg /bedroom_0120/sync_depth_00025.png 518.8579 +/living_room_0004/rgb_00086.jpg /living_room_0004/sync_depth_00086.png 518.8579 +/dining_room_0029/rgb_00083.jpg /dining_room_0029/sync_depth_00083.png 518.8579 +/bedroom_0012/rgb_00063.jpg /bedroom_0012/sync_depth_00063.png 518.8579 +/office_0006/rgb_00155.jpg /office_0006/sync_depth_00155.png 518.8579 +/bedroom_0062/rgb_00154.jpg /bedroom_0062/sync_depth_00154.png 518.8579 +/indoor_balcony_0001/rgb_00009.jpg /indoor_balcony_0001/sync_depth_00009.png 518.8579 +/bedroom_0025/rgb_00091.jpg /bedroom_0025/sync_depth_00091.png 518.8579 +/dining_room_0012/rgb_00039.jpg /dining_room_0012/sync_depth_00039.png 518.8579 +/living_room_0012/rgb_00103.jpg /living_room_0012/sync_depth_00103.png 518.8579 +/playroom_0003/rgb_00117.jpg /playroom_0003/sync_depth_00117.png 518.8579 +/home_office_0005/rgb_00116.jpg /home_office_0005/sync_depth_00116.png 518.8579 +/bookstore_0001e/rgb_00142.jpg /bookstore_0001e/sync_depth_00142.png 518.8579 +/living_room_0039/rgb_00085.jpg /living_room_0039/sync_depth_00085.png 518.8579 +/dining_room_0010/rgb_00029.jpg /dining_room_0010/sync_depth_00029.png 518.8579 +/bookstore_0001f/rgb_00377.jpg /bookstore_0001f/sync_depth_00377.png 518.8579 +/dining_room_0007/rgb_00187.jpg /dining_room_0007/sync_depth_00187.png 518.8579 +/bedroom_0096/rgb_00058.jpg /bedroom_0096/sync_depth_00058.png 518.8579 +/furniture_store_0002a/rgb_00261.jpg /furniture_store_0002a/sync_depth_00261.png 518.8579 +/bathroom_0042/rgb_00022.jpg /bathroom_0042/sync_depth_00022.png 518.8579 +/living_room_0055/rgb_00139.jpg /living_room_0055/sync_depth_00139.png 518.8579 +/furniture_store_0001d/rgb_00213.jpg /furniture_store_0001d/sync_depth_00213.png 518.8579 +/furniture_store_0002b/rgb_00085.jpg /furniture_store_0002b/sync_depth_00085.png 518.8579 +/kitchen_0019a/rgb_00277.jpg /kitchen_0019a/sync_depth_00277.png 518.8579 +/living_room_0004/rgb_00024.jpg /living_room_0004/sync_depth_00024.png 518.8579 +/bedroom_0129/rgb_00003.jpg /bedroom_0129/sync_depth_00003.png 518.8579 +/living_room_0011/rgb_00033.jpg /living_room_0011/sync_depth_00033.png 518.8579 +/home_office_0006/rgb_00057.jpg /home_office_0006/sync_depth_00057.png 518.8579 +/dining_room_0024/rgb_00175.jpg /dining_room_0024/sync_depth_00175.png 518.8579 +/office_0026/rgb_00070.jpg /office_0026/sync_depth_00070.png 518.8579 +/study_0008/rgb_00006.jpg /study_0008/sync_depth_00006.png 518.8579 +/bedroom_0012/rgb_00011.jpg /bedroom_0012/sync_depth_00011.png 518.8579 +/bedroom_0040/rgb_00008.jpg /bedroom_0040/sync_depth_00008.png 518.8579 +/living_room_0029/rgb_00113.jpg /living_room_0029/sync_depth_00113.png 518.8579 +/kitchen_0028a/rgb_00151.jpg /kitchen_0028a/sync_depth_00151.png 518.8579 +/kitchen_0053/rgb_00142.jpg /kitchen_0053/sync_depth_00142.png 518.8579 +/home_office_0011/rgb_00014.jpg /home_office_0011/sync_depth_00014.png 518.8579 +/bedroom_0017/rgb_00142.jpg /bedroom_0017/sync_depth_00142.png 518.8579 +/dining_room_0008/rgb_00013.jpg /dining_room_0008/sync_depth_00013.png 518.8579 +/dining_room_0001b/rgb_00002.jpg /dining_room_0001b/sync_depth_00002.png 518.8579 +/bathroom_0028/rgb_00040.jpg /bathroom_0028/sync_depth_00040.png 518.8579 +/living_room_0035/rgb_00010.jpg /living_room_0035/sync_depth_00010.png 518.8579 +/office_0009/rgb_00050.jpg /office_0009/sync_depth_00050.png 518.8579 +/bathroom_0007/rgb_00031.jpg /bathroom_0007/sync_depth_00031.png 518.8579 +/dining_room_0004/rgb_00114.jpg /dining_room_0004/sync_depth_00114.png 518.8579 +/playroom_0003/rgb_00208.jpg /playroom_0003/sync_depth_00208.png 518.8579 +/bedroom_0025/rgb_00148.jpg /bedroom_0025/sync_depth_00148.png 518.8579 +/kitchen_0045b/rgb_00104.jpg /kitchen_0045b/sync_depth_00104.png 518.8579 +/living_room_0022/rgb_00272.jpg /living_room_0022/sync_depth_00272.png 518.8579 +/office_0011/rgb_00118.jpg /office_0011/sync_depth_00118.png 518.8579 +/office_0024/rgb_00033.jpg /office_0024/sync_depth_00033.png 518.8579 +/living_room_0082/rgb_00067.jpg /living_room_0082/sync_depth_00067.png 518.8579 +/office_0024/rgb_00093.jpg /office_0024/sync_depth_00093.png 518.8579 +/bedroom_0042/rgb_00048.jpg /bedroom_0042/sync_depth_00048.png 518.8579 +/dining_room_0007/rgb_00180.jpg /dining_room_0007/sync_depth_00180.png 518.8579 +/classroom_0022/rgb_00083.jpg /classroom_0022/sync_depth_00083.png 518.8579 +/bedroom_0033/rgb_00031.jpg /bedroom_0033/sync_depth_00031.png 518.8579 +/bookstore_0001f/rgb_00085.jpg /bookstore_0001f/sync_depth_00085.png 518.8579 +/dining_room_0004/rgb_00003.jpg /dining_room_0004/sync_depth_00003.png 518.8579 +/laundry_room_0001/rgb_00041.jpg /laundry_room_0001/sync_depth_00041.png 518.8579 +/kitchen_0019a/rgb_00148.jpg /kitchen_0019a/sync_depth_00148.png 518.8579 +/living_room_0062/rgb_00084.jpg /living_room_0062/sync_depth_00084.png 518.8579 +/bathroom_0030/rgb_00030.jpg /bathroom_0030/sync_depth_00030.png 518.8579 +/living_room_0063/rgb_00088.jpg /living_room_0063/sync_depth_00088.png 518.8579 +/living_room_0019/rgb_00197.jpg /living_room_0019/sync_depth_00197.png 518.8579 +/living_room_0058/rgb_00221.jpg /living_room_0058/sync_depth_00221.png 518.8579 +/bedroom_0136/rgb_00065.jpg /bedroom_0136/sync_depth_00065.png 518.8579 +/living_room_0004/rgb_00050.jpg /living_room_0004/sync_depth_00050.png 518.8579 +/bedroom_0057/rgb_00042.jpg /bedroom_0057/sync_depth_00042.png 518.8579 +/living_room_0040/rgb_00291.jpg /living_room_0040/sync_depth_00291.png 518.8579 +/dining_room_0007/rgb_00104.jpg /dining_room_0007/sync_depth_00104.png 518.8579 +/dining_room_0023/rgb_00061.jpg /dining_room_0023/sync_depth_00061.png 518.8579 +/dining_room_0007/rgb_00013.jpg /dining_room_0007/sync_depth_00013.png 518.8579 +/office_0011/rgb_00120.jpg /office_0011/sync_depth_00120.png 518.8579 +/playroom_0006/rgb_00007.jpg /playroom_0006/sync_depth_00007.png 518.8579 +/bedroom_0106/rgb_00026.jpg /bedroom_0106/sync_depth_00026.png 518.8579 +/bookstore_0001f/rgb_00166.jpg /bookstore_0001f/sync_depth_00166.png 518.8579 +/kitchen_0019a/rgb_00092.jpg /kitchen_0019a/sync_depth_00092.png 518.8579 +/bathroom_0042/rgb_00008.jpg /bathroom_0042/sync_depth_00008.png 518.8579 +/home_office_0004/rgb_00070.jpg /home_office_0004/sync_depth_00070.png 518.8579 +/bedroom_0124/rgb_00028.jpg /bedroom_0124/sync_depth_00028.png 518.8579 +/office_kitchen_0001b/rgb_00037.jpg /office_kitchen_0001b/sync_depth_00037.png 518.8579 +/bedroom_0050/rgb_00008.jpg /bedroom_0050/sync_depth_00008.png 518.8579 +/study_room_0005b/rgb_00068.jpg /study_room_0005b/sync_depth_00068.png 518.8579 +/kitchen_0003/rgb_00142.jpg /kitchen_0003/sync_depth_00142.png 518.8579 +/living_room_0058/rgb_00027.jpg /living_room_0058/sync_depth_00027.png 518.8579 +/dining_room_0014/rgb_00061.jpg /dining_room_0014/sync_depth_00061.png 518.8579 +/bedroom_0125b/rgb_00091.jpg /bedroom_0125b/sync_depth_00091.png 518.8579 +/bathroom_0014a/rgb_00034.jpg /bathroom_0014a/sync_depth_00034.png 518.8579 +/living_room_0082/rgb_00006.jpg /living_room_0082/sync_depth_00006.png 518.8579 +/kitchen_0019a/rgb_00156.jpg /kitchen_0019a/sync_depth_00156.png 518.8579 +/living_room_0050/rgb_00219.jpg /living_room_0050/sync_depth_00219.png 518.8579 +/playroom_0003/rgb_00018.jpg /playroom_0003/sync_depth_00018.png 518.8579 +/dining_room_0013/rgb_00054.jpg /dining_room_0013/sync_depth_00054.png 518.8579 +/dining_room_0015/rgb_00259.jpg /dining_room_0015/sync_depth_00259.png 518.8579 +/home_office_0008/rgb_00112.jpg /home_office_0008/sync_depth_00112.png 518.8579 +/dining_room_0004/rgb_00058.jpg /dining_room_0004/sync_depth_00058.png 518.8579 +/bedroom_0050/rgb_00135.jpg /bedroom_0050/sync_depth_00135.png 518.8579 +/kitchen_0051/rgb_00288.jpg /kitchen_0051/sync_depth_00288.png 518.8579 +/bookstore_0001i/rgb_00095.jpg /bookstore_0001i/sync_depth_00095.png 518.8579 +/kitchen_0060/rgb_00169.jpg /kitchen_0060/sync_depth_00169.png 518.8579 +/office_kitchen_0001b/rgb_00058.jpg /office_kitchen_0001b/sync_depth_00058.png 518.8579 +/office_0026/rgb_00102.jpg /office_0026/sync_depth_00102.png 518.8579 +/bedroom_0140/rgb_00039.jpg /bedroom_0140/sync_depth_00039.png 518.8579 +/bedroom_0063/rgb_00139.jpg /bedroom_0063/sync_depth_00139.png 518.8579 +/kitchen_0029b/rgb_00053.jpg /kitchen_0029b/sync_depth_00053.png 518.8579 +/dining_room_0008/rgb_00062.jpg /dining_room_0008/sync_depth_00062.png 518.8579 +/bookstore_0001f/rgb_00287.jpg /bookstore_0001f/sync_depth_00287.png 518.8579 +/kitchen_0017/rgb_00031.jpg /kitchen_0017/sync_depth_00031.png 518.8579 +/excercise_room_0001/rgb_00123.jpg /excercise_room_0001/sync_depth_00123.png 518.8579 +/kitchen_0028a/rgb_00175.jpg /kitchen_0028a/sync_depth_00175.png 518.8579 +/dining_room_0007/rgb_00051.jpg /dining_room_0007/sync_depth_00051.png 518.8579 +/living_room_0022/rgb_00195.jpg /living_room_0022/sync_depth_00195.png 518.8579 +/furniture_store_0001a/rgb_00007.jpg /furniture_store_0001a/sync_depth_00007.png 518.8579 +/home_office_0011/rgb_00004.jpg /home_office_0011/sync_depth_00004.png 518.8579 +/bedroom_0136/rgb_00000.jpg /bedroom_0136/sync_depth_00000.png 518.8579 +/home_office_0011/rgb_00054.jpg /home_office_0011/sync_depth_00054.png 518.8579 +/nyu_office_0/rgb_00001.jpg /nyu_office_0/sync_depth_00001.png 518.8579 +/living_room_0010/rgb_00228.jpg /living_room_0010/sync_depth_00228.png 518.8579 +/furniture_store_0002a/rgb_00311.jpg /furniture_store_0002a/sync_depth_00311.png 518.8579 +/bedroom_0051/rgb_00180.jpg /bedroom_0051/sync_depth_00180.png 518.8579 +/home_office_0005/rgb_00135.jpg /home_office_0005/sync_depth_00135.png 518.8579 +/office_0004/rgb_00093.jpg /office_0004/sync_depth_00093.png 518.8579 +/office_0026/rgb_00043.jpg /office_0026/sync_depth_00043.png 518.8579 +/office_0011/rgb_00010.jpg /office_0011/sync_depth_00010.png 518.8579 +/living_room_0069b/rgb_00062.jpg /living_room_0069b/sync_depth_00062.png 518.8579 +/basement_0001b/rgb_00002.jpg /basement_0001b/sync_depth_00002.png 518.8579 +/kitchen_0029c/rgb_00125.jpg /kitchen_0029c/sync_depth_00125.png 518.8579 +/office_0023/rgb_00044.jpg /office_0023/sync_depth_00044.png 518.8579 +/bedroom_0124/rgb_00034.jpg /bedroom_0124/sync_depth_00034.png 518.8579 +/kitchen_0050/rgb_00219.jpg /kitchen_0050/sync_depth_00219.png 518.8579 +/dining_room_0024/rgb_00172.jpg /dining_room_0024/sync_depth_00172.png 518.8579 +/classroom_0011/rgb_00008.jpg /classroom_0011/sync_depth_00008.png 518.8579 +/office_0024/rgb_00021.jpg /office_0024/sync_depth_00021.png 518.8579 +/classroom_0004/rgb_00057.jpg /classroom_0004/sync_depth_00057.png 518.8579 +/playroom_0002/rgb_00037.jpg /playroom_0002/sync_depth_00037.png 518.8579 +/living_room_0042b/rgb_00080.jpg /living_room_0042b/sync_depth_00080.png 518.8579 +/dining_room_0031/rgb_00240.jpg /dining_room_0031/sync_depth_00240.png 518.8579 +/living_room_0047b/rgb_00007.jpg /living_room_0047b/sync_depth_00007.png 518.8579 +/basement_0001b/rgb_00047.jpg /basement_0001b/sync_depth_00047.png 518.8579 +/dining_room_0015/rgb_00226.jpg /dining_room_0015/sync_depth_00226.png 518.8579 +/home_office_0008/rgb_00126.jpg /home_office_0008/sync_depth_00126.png 518.8579 +/furniture_store_0002a/rgb_00378.jpg /furniture_store_0002a/sync_depth_00378.png 518.8579 +/reception_room_0004/rgb_00065.jpg /reception_room_0004/sync_depth_00065.png 518.8579 +/living_room_0083/rgb_00085.jpg /living_room_0083/sync_depth_00085.png 518.8579 +/living_room_0055/rgb_00059.jpg /living_room_0055/sync_depth_00059.png 518.8579 +/kitchen_0006/rgb_00057.jpg /kitchen_0006/sync_depth_00057.png 518.8579 +/bedroom_0086/rgb_00095.jpg /bedroom_0086/sync_depth_00095.png 518.8579 +/study_0003/rgb_00001.jpg /study_0003/sync_depth_00001.png 518.8579 +/dining_room_0037/rgb_00038.jpg /dining_room_0037/sync_depth_00038.png 518.8579 +/bedroom_0017/rgb_00101.jpg /bedroom_0017/sync_depth_00101.png 518.8579 +/bedroom_0129/rgb_00052.jpg /bedroom_0129/sync_depth_00052.png 518.8579 +/furniture_store_0002d/rgb_00031.jpg /furniture_store_0002d/sync_depth_00031.png 518.8579 +/bedroom_0031/rgb_00035.jpg /bedroom_0031/sync_depth_00035.png 518.8579 +/bedroom_0062/rgb_00009.jpg /bedroom_0062/sync_depth_00009.png 518.8579 +/bookstore_0001g/rgb_00016.jpg /bookstore_0001g/sync_depth_00016.png 518.8579 +/bookstore_0001d/rgb_00290.jpg /bookstore_0001d/sync_depth_00290.png 518.8579 +/living_room_0019/rgb_00209.jpg /living_room_0019/sync_depth_00209.png 518.8579 +/reception_room_0002/rgb_00143.jpg /reception_room_0002/sync_depth_00143.png 518.8579 +/kitchen_0010/rgb_00008.jpg /kitchen_0010/sync_depth_00008.png 518.8579 +/living_room_0058/rgb_00141.jpg /living_room_0058/sync_depth_00141.png 518.8579 +/living_room_0010/rgb_00162.jpg /living_room_0010/sync_depth_00162.png 518.8579 +/bedroom_0012/rgb_00070.jpg /bedroom_0012/sync_depth_00070.png 518.8579 +/bathroom_0023/rgb_00018.jpg /bathroom_0023/sync_depth_00018.png 518.8579 +/kitchen_0028a/rgb_00054.jpg /kitchen_0028a/sync_depth_00054.png 518.8579 +/kitchen_0050/rgb_00083.jpg /kitchen_0050/sync_depth_00083.png 518.8579 +/bedroom_0086/rgb_00106.jpg /bedroom_0086/sync_depth_00106.png 518.8579 +/bedroom_0076a/rgb_00235.jpg /bedroom_0076a/sync_depth_00235.png 518.8579 +/bedroom_0078/rgb_00050.jpg /bedroom_0078/sync_depth_00050.png 518.8579 +/dinette_0001/rgb_00028.jpg /dinette_0001/sync_depth_00028.png 518.8579 +/bedroom_0039/rgb_00036.jpg /bedroom_0039/sync_depth_00036.png 518.8579 +/living_room_0022/rgb_00349.jpg /living_room_0022/sync_depth_00349.png 518.8579 +/dining_room_0007/rgb_00048.jpg /dining_room_0007/sync_depth_00048.png 518.8579 +/home_office_0004/rgb_00110.jpg /home_office_0004/sync_depth_00110.png 518.8579 +/home_office_0004/rgb_00179.jpg /home_office_0004/sync_depth_00179.png 518.8579 +/bathroom_0011/rgb_00036.jpg /bathroom_0011/sync_depth_00036.png 518.8579 +/dining_room_0037/rgb_00023.jpg /dining_room_0037/sync_depth_00023.png 518.8579 +/furniture_store_0002a/rgb_00347.jpg /furniture_store_0002a/sync_depth_00347.png 518.8579 +/computer_lab_0002/rgb_00032.jpg /computer_lab_0002/sync_depth_00032.png 518.8579 +/bookstore_0001d/rgb_00258.jpg /bookstore_0001d/sync_depth_00258.png 518.8579 +/bedroom_0125b/rgb_00002.jpg /bedroom_0125b/sync_depth_00002.png 518.8579 +/living_room_0050/rgb_00162.jpg /living_room_0050/sync_depth_00162.png 518.8579 +/office_0026/rgb_00173.jpg /office_0026/sync_depth_00173.png 518.8579 +/bedroom_0078/rgb_00044.jpg /bedroom_0078/sync_depth_00044.png 518.8579 +/classroom_0011/rgb_00059.jpg /classroom_0011/sync_depth_00059.png 518.8579 +/basement_0001a/rgb_00037.jpg /basement_0001a/sync_depth_00037.png 518.8579 +/bedroom_0034/rgb_00129.jpg /bedroom_0034/sync_depth_00129.png 518.8579 +/dining_room_0037/rgb_00141.jpg /dining_room_0037/sync_depth_00141.png 518.8579 +/kitchen_0010/rgb_00029.jpg /kitchen_0010/sync_depth_00029.png 518.8579 +/office_0009/rgb_00089.jpg /office_0009/sync_depth_00089.png 518.8579 +/living_room_0042b/rgb_00024.jpg /living_room_0042b/sync_depth_00024.png 518.8579 +/office_0003/rgb_00071.jpg /office_0003/sync_depth_00071.png 518.8579 +/dining_room_0008/rgb_00003.jpg /dining_room_0008/sync_depth_00003.png 518.8579 +/bedroom_0136/rgb_00061.jpg /bedroom_0136/sync_depth_00061.png 518.8579 +/furniture_store_0001e/rgb_00077.jpg /furniture_store_0001e/sync_depth_00077.png 518.8579 +/living_room_0018/rgb_00078.jpg /living_room_0018/sync_depth_00078.png 518.8579 +/bathroom_0010/rgb_00035.jpg /bathroom_0010/sync_depth_00035.png 518.8579 +/bedroom_0113/rgb_00009.jpg /bedroom_0113/sync_depth_00009.png 518.8579 +/living_room_0040/rgb_00337.jpg /living_room_0040/sync_depth_00337.png 518.8579 +/bedroom_0021/rgb_00027.jpg /bedroom_0021/sync_depth_00027.png 518.8579 +/kitchen_0060/rgb_00122.jpg /kitchen_0060/sync_depth_00122.png 518.8579 +/kitchen_0049/rgb_00185.jpg /kitchen_0049/sync_depth_00185.png 518.8579 +/living_room_0005/rgb_00125.jpg /living_room_0005/sync_depth_00125.png 518.8579 +/kitchen_0019b/rgb_00015.jpg /kitchen_0019b/sync_depth_00015.png 518.8579 +/kitchen_0011b/rgb_00047.jpg /kitchen_0011b/sync_depth_00047.png 518.8579 +/living_room_0050/rgb_00147.jpg /living_room_0050/sync_depth_00147.png 518.8579 +/bedroom_0125b/rgb_00082.jpg /bedroom_0125b/sync_depth_00082.png 518.8579 +/dining_room_0015/rgb_00054.jpg /dining_room_0015/sync_depth_00054.png 518.8579 +/bedroom_0051/rgb_00041.jpg /bedroom_0051/sync_depth_00041.png 518.8579 +/dining_room_0007/rgb_00057.jpg /dining_room_0007/sync_depth_00057.png 518.8579 +/reception_room_0004/rgb_00002.jpg /reception_room_0004/sync_depth_00002.png 518.8579 +/bathroom_0048/rgb_00006.jpg /bathroom_0048/sync_depth_00006.png 518.8579 +/bookstore_0001f/rgb_00313.jpg /bookstore_0001f/sync_depth_00313.png 518.8579 +/kitchen_0060/rgb_00133.jpg /kitchen_0060/sync_depth_00133.png 518.8579 +/bedroom_0025/rgb_00026.jpg /bedroom_0025/sync_depth_00026.png 518.8579 +/cafe_0001a/rgb_00048.jpg /cafe_0001a/sync_depth_00048.png 518.8579 +/kitchen_0045b/rgb_00133.jpg /kitchen_0045b/sync_depth_00133.png 518.8579 +/kitchen_0003/rgb_00033.jpg /kitchen_0003/sync_depth_00033.png 518.8579 +/furniture_store_0002a/rgb_00302.jpg /furniture_store_0002a/sync_depth_00302.png 518.8579 +/bedroom_0042/rgb_00028.jpg /bedroom_0042/sync_depth_00028.png 518.8579 +/bookstore_0001e/rgb_00218.jpg /bookstore_0001e/sync_depth_00218.png 518.8579 +/dining_room_0013/rgb_00064.jpg /dining_room_0013/sync_depth_00064.png 518.8579 +/dining_room_0019/rgb_00001.jpg /dining_room_0019/sync_depth_00001.png 518.8579 +/kitchen_0028a/rgb_00045.jpg /kitchen_0028a/sync_depth_00045.png 518.8579 +/playroom_0002/rgb_00053.jpg /playroom_0002/sync_depth_00053.png 518.8579 +/home_office_0004/rgb_00026.jpg /home_office_0004/sync_depth_00026.png 518.8579 +/bookstore_0001g/rgb_00035.jpg /bookstore_0001g/sync_depth_00035.png 518.8579 +/kitchen_0003/rgb_00169.jpg /kitchen_0003/sync_depth_00169.png 518.8579 +/bedroom_0069/rgb_00061.jpg /bedroom_0069/sync_depth_00061.png 518.8579 +/bedroom_0097/rgb_00013.jpg /bedroom_0097/sync_depth_00013.png 518.8579 +/bathroom_0051/rgb_00007.jpg /bathroom_0051/sync_depth_00007.png 518.8579 +/bookstore_0001d/rgb_00259.jpg /bookstore_0001d/sync_depth_00259.png 518.8579 +/bedroom_0017/rgb_00023.jpg /bedroom_0017/sync_depth_00023.png 518.8579 +/bedroom_0033/rgb_00109.jpg /bedroom_0033/sync_depth_00109.png 518.8579 +/playroom_0003/rgb_00187.jpg /playroom_0003/sync_depth_00187.png 518.8579 +/bathroom_0039/rgb_00038.jpg /bathroom_0039/sync_depth_00038.png 518.8579 +/dining_room_0007/rgb_00019.jpg /dining_room_0007/sync_depth_00019.png 518.8579 +/bathroom_0028/rgb_00113.jpg /bathroom_0028/sync_depth_00113.png 518.8579 +/bedroom_0021/rgb_00035.jpg /bedroom_0021/sync_depth_00035.png 518.8579 +/kitchen_0051/rgb_00261.jpg /kitchen_0051/sync_depth_00261.png 518.8579 +/bookstore_0001f/rgb_00413.jpg /bookstore_0001f/sync_depth_00413.png 518.8579 +/bedroom_0072/rgb_00118.jpg /bedroom_0072/sync_depth_00118.png 518.8579 +/living_room_0046a/rgb_00104.jpg /living_room_0046a/sync_depth_00104.png 518.8579 +/office_0006/rgb_00137.jpg /office_0006/sync_depth_00137.png 518.8579 +/kitchen_0011a/rgb_00078.jpg /kitchen_0011a/sync_depth_00078.png 518.8579 +/bookstore_0001g/rgb_00248.jpg /bookstore_0001g/sync_depth_00248.png 518.8579 +/bathroom_0028/rgb_00055.jpg /bathroom_0028/sync_depth_00055.png 518.8579 +/nyu_office_0/rgb_00260.jpg /nyu_office_0/sync_depth_00260.png 518.8579 +/dinette_0001/rgb_00015.jpg /dinette_0001/sync_depth_00015.png 518.8579 +/kitchen_0048/rgb_00192.jpg /kitchen_0048/sync_depth_00192.png 518.8579 +/study_room_0005b/rgb_00041.jpg /study_room_0005b/sync_depth_00041.png 518.8579 +/bathroom_0028/rgb_00168.jpg /bathroom_0028/sync_depth_00168.png 518.8579 +/living_room_0070/rgb_00069.jpg /living_room_0070/sync_depth_00069.png 518.8579 +/home_office_0008/rgb_00084.jpg /home_office_0008/sync_depth_00084.png 518.8579 +/living_room_0082/rgb_00056.jpg /living_room_0082/sync_depth_00056.png 518.8579 +/student_lounge_0001/rgb_00236.jpg /student_lounge_0001/sync_depth_00236.png 518.8579 +/living_room_0018/rgb_00097.jpg /living_room_0018/sync_depth_00097.png 518.8579 +/living_room_0019/rgb_00215.jpg /living_room_0019/sync_depth_00215.png 518.8579 +/bedroom_0016/rgb_00213.jpg /bedroom_0016/sync_depth_00213.png 518.8579 +/kitchen_0019a/rgb_00234.jpg /kitchen_0019a/sync_depth_00234.png 518.8579 +/kitchen_0051/rgb_00285.jpg /kitchen_0051/sync_depth_00285.png 518.8579 +/furniture_store_0002b/rgb_00196.jpg /furniture_store_0002b/sync_depth_00196.png 518.8579 +/bookstore_0001e/rgb_00158.jpg /bookstore_0001e/sync_depth_00158.png 518.8579 +/bedroom_0012/rgb_00064.jpg /bedroom_0012/sync_depth_00064.png 518.8579 +/study_room_0004/rgb_00162.jpg /study_room_0004/sync_depth_00162.png 518.8579 +/kitchen_0053/rgb_00147.jpg /kitchen_0053/sync_depth_00147.png 518.8579 +/bedroom_0140/rgb_00059.jpg /bedroom_0140/sync_depth_00059.png 518.8579 +/dining_room_0010/rgb_00093.jpg /dining_room_0010/sync_depth_00093.png 518.8579 +/living_room_0039/rgb_00165.jpg /living_room_0039/sync_depth_00165.png 518.8579 +/classroom_0006/rgb_00026.jpg /classroom_0006/sync_depth_00026.png 518.8579 +/bedroom_0096/rgb_00013.jpg /bedroom_0096/sync_depth_00013.png 518.8579 +/office_kitchen_0001a/rgb_00050.jpg /office_kitchen_0001a/sync_depth_00050.png 518.8579 +/nyu_office_1/rgb_00066.jpg /nyu_office_1/sync_depth_00066.png 518.8579 +/office_kitchen_0001b/rgb_00031.jpg /office_kitchen_0001b/sync_depth_00031.png 518.8579 +/bookstore_0001d/rgb_00004.jpg /bookstore_0001d/sync_depth_00004.png 518.8579 +/bedroom_0012/rgb_00030.jpg /bedroom_0012/sync_depth_00030.png 518.8579 +/dining_room_0016/rgb_00035.jpg /dining_room_0016/sync_depth_00035.png 518.8579 +/kitchen_0053/rgb_00075.jpg /kitchen_0053/sync_depth_00075.png 518.8579 +/bedroom_0019/rgb_00082.jpg /bedroom_0019/sync_depth_00082.png 518.8579 +/living_room_0047b/rgb_00090.jpg /living_room_0047b/sync_depth_00090.png 518.8579 +/living_room_0004/rgb_00112.jpg /living_room_0004/sync_depth_00112.png 518.8579 +/kitchen_0028a/rgb_00059.jpg /kitchen_0028a/sync_depth_00059.png 518.8579 +/bookstore_0001f/rgb_00068.jpg /bookstore_0001f/sync_depth_00068.png 518.8579 +/bookstore_0001g/rgb_00233.jpg /bookstore_0001g/sync_depth_00233.png 518.8579 +/living_room_0083/rgb_00060.jpg /living_room_0083/sync_depth_00060.png 518.8579 +/bathroom_0051/rgb_00017.jpg /bathroom_0051/sync_depth_00017.png 518.8579 +/bedroom_0004/rgb_00195.jpg /bedroom_0004/sync_depth_00195.png 518.8579 +/living_room_0063/rgb_00050.jpg /living_room_0063/sync_depth_00050.png 518.8579 +/living_room_0069b/rgb_00041.jpg /living_room_0069b/sync_depth_00041.png 518.8579 +/home_office_0011/rgb_00019.jpg /home_office_0011/sync_depth_00019.png 518.8579 +/furniture_store_0001e/rgb_00009.jpg /furniture_store_0001e/sync_depth_00009.png 518.8579 +/kitchen_0048/rgb_00067.jpg /kitchen_0048/sync_depth_00067.png 518.8579 +/kitchen_0048/rgb_00119.jpg /kitchen_0048/sync_depth_00119.png 518.8579 +/kitchen_0043/rgb_00222.jpg /kitchen_0043/sync_depth_00222.png 518.8579 +/living_room_0022/rgb_00094.jpg /living_room_0022/sync_depth_00094.png 518.8579 +/furniture_store_0001d/rgb_00069.jpg /furniture_store_0001d/sync_depth_00069.png 518.8579 +/bedroom_0056b/rgb_00006.jpg /bedroom_0056b/sync_depth_00006.png 518.8579 +/bedroom_0062/rgb_00043.jpg /bedroom_0062/sync_depth_00043.png 518.8579 +/living_room_0022/rgb_00120.jpg /living_room_0022/sync_depth_00120.png 518.8579 +/basement_0001a/rgb_00041.jpg /basement_0001a/sync_depth_00041.png 518.8579 +/office_0024/rgb_00024.jpg /office_0024/sync_depth_00024.png 518.8579 +/bedroom_0076a/rgb_00262.jpg /bedroom_0076a/sync_depth_00262.png 518.8579 +/living_room_0086a/rgb_00083.jpg /living_room_0086a/sync_depth_00083.png 518.8579 +/living_room_0058/rgb_00242.jpg /living_room_0058/sync_depth_00242.png 518.8579 +/nyu_office_0/rgb_00019.jpg /nyu_office_0/sync_depth_00019.png 518.8579 +/bedroom_0052/rgb_00029.jpg /bedroom_0052/sync_depth_00029.png 518.8579 +/excercise_room_0001/rgb_00018.jpg /excercise_room_0001/sync_depth_00018.png 518.8579 +/bathroom_0001/rgb_00014.jpg /bathroom_0001/sync_depth_00014.png 518.8579 +/bedroom_0015/rgb_00099.jpg /bedroom_0015/sync_depth_00099.png 518.8579 +/kitchen_0048/rgb_00199.jpg /kitchen_0048/sync_depth_00199.png 518.8579 +/bathroom_0030/rgb_00054.jpg /bathroom_0030/sync_depth_00054.png 518.8579 +/bathroom_0024/rgb_00030.jpg /bathroom_0024/sync_depth_00030.png 518.8579 +/bedroom_0136/rgb_00046.jpg /bedroom_0136/sync_depth_00046.png 518.8579 +/living_room_0029/rgb_00007.jpg /living_room_0029/sync_depth_00007.png 518.8579 +/home_office_0006/rgb_00022.jpg /home_office_0006/sync_depth_00022.png 518.8579 +/study_room_0004/rgb_00156.jpg /study_room_0004/sync_depth_00156.png 518.8579 +/living_room_0046a/rgb_00030.jpg /living_room_0046a/sync_depth_00030.png 518.8579 +/bedroom_0019/rgb_00028.jpg /bedroom_0019/sync_depth_00028.png 518.8579 +/kitchen_0011a/rgb_00088.jpg /kitchen_0011a/sync_depth_00088.png 518.8579 +/bookstore_0001h/rgb_00122.jpg /bookstore_0001h/sync_depth_00122.png 518.8579 +/reception_room_0002/rgb_00156.jpg /reception_room_0002/sync_depth_00156.png 518.8579 +/bookstore_0001i/rgb_00166.jpg /bookstore_0001i/sync_depth_00166.png 518.8579 +/bedroom_0062/rgb_00137.jpg /bedroom_0062/sync_depth_00137.png 518.8579 +/kitchen_0019a/rgb_00099.jpg /kitchen_0019a/sync_depth_00099.png 518.8579 +/living_room_0058/rgb_00146.jpg /living_room_0058/sync_depth_00146.png 518.8579 +/bookstore_0001j/rgb_00224.jpg /bookstore_0001j/sync_depth_00224.png 518.8579 +/bedroom_0136/rgb_00091.jpg /bedroom_0136/sync_depth_00091.png 518.8579 +/living_room_0010/rgb_00032.jpg /living_room_0010/sync_depth_00032.png 518.8579 +/living_room_0029/rgb_00049.jpg /living_room_0029/sync_depth_00049.png 518.8579 +/bathroom_0033/rgb_00033.jpg /bathroom_0033/sync_depth_00033.png 518.8579 +/bookstore_0001f/rgb_00169.jpg /bookstore_0001f/sync_depth_00169.png 518.8579 +/classroom_0006/rgb_00030.jpg /classroom_0006/sync_depth_00030.png 518.8579 +/living_room_0039/rgb_00146.jpg /living_room_0039/sync_depth_00146.png 518.8579 +/living_room_0078/rgb_00077.jpg /living_room_0078/sync_depth_00077.png 518.8579 +/bedroom_0086/rgb_00117.jpg /bedroom_0086/sync_depth_00117.png 518.8579 +/bookstore_0001g/rgb_00104.jpg /bookstore_0001g/sync_depth_00104.png 518.8579 +/office_0004/rgb_00049.jpg /office_0004/sync_depth_00049.png 518.8579 +/bedroom_0125b/rgb_00047.jpg /bedroom_0125b/sync_depth_00047.png 518.8579 +/living_room_0037/rgb_00062.jpg /living_room_0037/sync_depth_00062.png 518.8579 +/kitchen_0047/rgb_00043.jpg /kitchen_0047/sync_depth_00043.png 518.8579 +/student_lounge_0001/rgb_00160.jpg /student_lounge_0001/sync_depth_00160.png 518.8579 +/playroom_0004/rgb_00127.jpg /playroom_0004/sync_depth_00127.png 518.8579 +/dining_room_0015/rgb_00108.jpg /dining_room_0015/sync_depth_00108.png 518.8579 +/kitchen_0053/rgb_00024.jpg /kitchen_0053/sync_depth_00024.png 518.8579 +/bedroom_0033/rgb_00064.jpg /bedroom_0033/sync_depth_00064.png 518.8579 +/living_room_0022/rgb_00077.jpg /living_room_0022/sync_depth_00077.png 518.8579 +/dining_room_0007/rgb_00167.jpg /dining_room_0007/sync_depth_00167.png 518.8579 +/bedroom_0081/rgb_00014.jpg /bedroom_0081/sync_depth_00014.png 518.8579 +/dining_room_0008/rgb_00192.jpg /dining_room_0008/sync_depth_00192.png 518.8579 +/living_room_0035/rgb_00103.jpg /living_room_0035/sync_depth_00103.png 518.8579 +/bedroom_0004/rgb_00024.jpg /bedroom_0004/sync_depth_00024.png 518.8579 +/playroom_0002/rgb_00054.jpg /playroom_0002/sync_depth_00054.png 518.8579 +/bedroom_0050/rgb_00167.jpg /bedroom_0050/sync_depth_00167.png 518.8579 +/living_room_0012/rgb_00092.jpg /living_room_0012/sync_depth_00092.png 518.8579 +/bathroom_0028/rgb_00042.jpg /bathroom_0028/sync_depth_00042.png 518.8579 +/dining_room_0031/rgb_00023.jpg /dining_room_0031/sync_depth_00023.png 518.8579 +/laundry_room_0001/rgb_00045.jpg /laundry_room_0001/sync_depth_00045.png 518.8579 +/office_kitchen_0001b/rgb_00028.jpg /office_kitchen_0001b/sync_depth_00028.png 518.8579 +/living_room_0019/rgb_00083.jpg /living_room_0019/sync_depth_00083.png 518.8579 +/bedroom_0056a/rgb_00034.jpg /bedroom_0056a/sync_depth_00034.png 518.8579 +/living_room_0019/rgb_00244.jpg /living_room_0019/sync_depth_00244.png 518.8579 +/bathroom_0049/rgb_00051.jpg /bathroom_0049/sync_depth_00051.png 518.8579 +/kitchen_0060/rgb_00068.jpg /kitchen_0060/sync_depth_00068.png 518.8579 +/furniture_store_0002b/rgb_00257.jpg /furniture_store_0002b/sync_depth_00257.png 518.8579 +/bookstore_0001i/rgb_00121.jpg /bookstore_0001i/sync_depth_00121.png 518.8579 +/kitchen_0045a/rgb_00034.jpg /kitchen_0045a/sync_depth_00034.png 518.8579 +/office_0006/rgb_00032.jpg /office_0006/sync_depth_00032.png 518.8579 +/dining_room_0019/rgb_00148.jpg /dining_room_0019/sync_depth_00148.png 518.8579 +/bedroom_0069/rgb_00126.jpg /bedroom_0069/sync_depth_00126.png 518.8579 +/living_room_0050/rgb_00101.jpg /living_room_0050/sync_depth_00101.png 518.8579 +/kitchen_0011a/rgb_00116.jpg /kitchen_0011a/sync_depth_00116.png 518.8579 +/kitchen_0029b/rgb_00004.jpg /kitchen_0029b/sync_depth_00004.png 518.8579 +/classroom_0022/rgb_00009.jpg /classroom_0022/sync_depth_00009.png 518.8579 +/dining_room_0004/rgb_00087.jpg /dining_room_0004/sync_depth_00087.png 518.8579 +/playroom_0003/rgb_00001.jpg /playroom_0003/sync_depth_00001.png 518.8579 +/office_0024/rgb_00112.jpg /office_0024/sync_depth_00112.png 518.8579 +/living_room_0055/rgb_00081.jpg /living_room_0055/sync_depth_00081.png 518.8579 +/kitchen_0048/rgb_00102.jpg /kitchen_0048/sync_depth_00102.png 518.8579 +/bathroom_0024/rgb_00001.jpg /bathroom_0024/sync_depth_00001.png 518.8579 +/bookstore_0001i/rgb_00134.jpg /bookstore_0001i/sync_depth_00134.png 518.8579 +/kitchen_0019a/rgb_00017.jpg /kitchen_0019a/sync_depth_00017.png 518.8579 +/living_room_0078/rgb_00063.jpg /living_room_0078/sync_depth_00063.png 518.8579 +/classroom_0003/rgb_00038.jpg /classroom_0003/sync_depth_00038.png 518.8579 +/living_room_0012/rgb_00081.jpg /living_room_0012/sync_depth_00081.png 518.8579 +/kitchen_0043/rgb_00062.jpg /kitchen_0043/sync_depth_00062.png 518.8579 +/living_room_0035/rgb_00013.jpg /living_room_0035/sync_depth_00013.png 518.8579 +/basement_0001a/rgb_00142.jpg /basement_0001a/sync_depth_00142.png 518.8579 +/bedroom_0086/rgb_00060.jpg /bedroom_0086/sync_depth_00060.png 518.8579 +/classroom_0006/rgb_00201.jpg /classroom_0006/sync_depth_00201.png 518.8579 +/kitchen_0050/rgb_00207.jpg /kitchen_0050/sync_depth_00207.png 518.8579 +/bedroom_0069/rgb_00085.jpg /bedroom_0069/sync_depth_00085.png 518.8579 +/living_room_0078/rgb_00102.jpg /living_room_0078/sync_depth_00102.png 518.8579 +/home_office_0004/rgb_00139.jpg /home_office_0004/sync_depth_00139.png 518.8579 +/dining_room_0023/rgb_00051.jpg /dining_room_0023/sync_depth_00051.png 518.8579 +/bedroom_0113/rgb_00000.jpg /bedroom_0113/sync_depth_00000.png 518.8579 +/study_room_0004/rgb_00058.jpg /study_room_0004/sync_depth_00058.png 518.8579 +/office_0026/rgb_00058.jpg /office_0026/sync_depth_00058.png 518.8579 +/living_room_0086b/rgb_00004.jpg /living_room_0086b/sync_depth_00004.png 518.8579 +/student_lounge_0001/rgb_00231.jpg /student_lounge_0001/sync_depth_00231.png 518.8579 +/playroom_0004/rgb_00020.jpg /playroom_0004/sync_depth_00020.png 518.8579 +/bedroom_0056a/rgb_00028.jpg /bedroom_0056a/sync_depth_00028.png 518.8579 +/kitchen_0010/rgb_00074.jpg /kitchen_0010/sync_depth_00074.png 518.8579 +/reception_room_0001b/rgb_00008.jpg /reception_room_0001b/sync_depth_00008.png 518.8579 +/bedroom_0021/rgb_00007.jpg /bedroom_0021/sync_depth_00007.png 518.8579 +/dining_room_0008/rgb_00128.jpg /dining_room_0008/sync_depth_00128.png 518.8579 +/printer_room_0001/rgb_00066.jpg /printer_room_0001/sync_depth_00066.png 518.8579 +/kitchen_0053/rgb_00195.jpg /kitchen_0053/sync_depth_00195.png 518.8579 +/dining_room_0012/rgb_00209.jpg /dining_room_0012/sync_depth_00209.png 518.8579 +/bedroom_0076a/rgb_00238.jpg /bedroom_0076a/sync_depth_00238.png 518.8579 +/bathroom_0034/rgb_00045.jpg /bathroom_0034/sync_depth_00045.png 518.8579 +/living_room_0038/rgb_00013.jpg /living_room_0038/sync_depth_00013.png 518.8579 +/student_lounge_0001/rgb_00054.jpg /student_lounge_0001/sync_depth_00054.png 518.8579 +/playroom_0003/rgb_00172.jpg /playroom_0003/sync_depth_00172.png 518.8579 +/home_office_0005/rgb_00008.jpg /home_office_0005/sync_depth_00008.png 518.8579 +/bookstore_0001j/rgb_00304.jpg /bookstore_0001j/sync_depth_00304.png 518.8579 +/living_room_0038/rgb_00101.jpg /living_room_0038/sync_depth_00101.png 518.8579 +/kitchen_0049/rgb_00124.jpg /kitchen_0049/sync_depth_00124.png 518.8579 +/bathroom_0033/rgb_00003.jpg /bathroom_0033/sync_depth_00003.png 518.8579 +/living_room_0086b/rgb_00030.jpg /living_room_0086b/sync_depth_00030.png 518.8579 +/kitchen_0019a/rgb_00236.jpg /kitchen_0019a/sync_depth_00236.png 518.8579 +/kitchen_0029c/rgb_00118.jpg /kitchen_0029c/sync_depth_00118.png 518.8579 +/living_room_0047b/rgb_00122.jpg /living_room_0047b/sync_depth_00122.png 518.8579 +/bedroom_0050/rgb_00050.jpg /bedroom_0050/sync_depth_00050.png 518.8579 +/bedroom_0028/rgb_00047.jpg /bedroom_0028/sync_depth_00047.png 518.8579 +/kitchen_0016/rgb_00054.jpg /kitchen_0016/sync_depth_00054.png 518.8579 +/bedroom_0016/rgb_00119.jpg /bedroom_0016/sync_depth_00119.png 518.8579 +/nyu_office_0/rgb_00301.jpg /nyu_office_0/sync_depth_00301.png 518.8579 +/bedroom_0066/rgb_00028.jpg /bedroom_0066/sync_depth_00028.png 518.8579 +/cafe_0001c/rgb_00031.jpg /cafe_0001c/sync_depth_00031.png 518.8579 +/playroom_0002/rgb_00091.jpg /playroom_0002/sync_depth_00091.png 518.8579 +/kitchen_0011b/rgb_00076.jpg /kitchen_0011b/sync_depth_00076.png 518.8579 +/kitchen_0043/rgb_00238.jpg /kitchen_0043/sync_depth_00238.png 518.8579 +/bedroom_0033/rgb_00082.jpg /bedroom_0033/sync_depth_00082.png 518.8579 +/bookstore_0001i/rgb_00012.jpg /bookstore_0001i/sync_depth_00012.png 518.8579 +/living_room_0083/rgb_00021.jpg /living_room_0083/sync_depth_00021.png 518.8579 +/furniture_store_0002a/rgb_00251.jpg /furniture_store_0002a/sync_depth_00251.png 518.8579 +/dining_room_0007/rgb_00140.jpg /dining_room_0007/sync_depth_00140.png 518.8579 +/kitchen_0028a/rgb_00195.jpg /kitchen_0028a/sync_depth_00195.png 518.8579 +/bedroom_0021/rgb_00017.jpg /bedroom_0021/sync_depth_00017.png 518.8579 +/bedroom_0113/rgb_00118.jpg /bedroom_0113/sync_depth_00118.png 518.8579 +/study_0003/rgb_00090.jpg /study_0003/sync_depth_00090.png 518.8579 +/living_room_0068/rgb_00100.jpg /living_room_0068/sync_depth_00100.png 518.8579 +/living_room_0083/rgb_00081.jpg /living_room_0083/sync_depth_00081.png 518.8579 +/home_office_0005/rgb_00023.jpg /home_office_0005/sync_depth_00023.png 518.8579 +/living_room_0018/rgb_00033.jpg /living_room_0018/sync_depth_00033.png 518.8579 +/living_room_0069a/rgb_00118.jpg /living_room_0069a/sync_depth_00118.png 518.8579 +/kitchen_0016/rgb_00023.jpg /kitchen_0016/sync_depth_00023.png 518.8579 +/bedroom_0042/rgb_00007.jpg /bedroom_0042/sync_depth_00007.png 518.8579 +/dining_room_0015/rgb_00003.jpg /dining_room_0015/sync_depth_00003.png 518.8579 +/kitchen_0019a/rgb_00226.jpg /kitchen_0019a/sync_depth_00226.png 518.8579 +/kitchen_0045a/rgb_00082.jpg /kitchen_0045a/sync_depth_00082.png 518.8579 +/bedroom_0020/rgb_00010.jpg /bedroom_0020/sync_depth_00010.png 518.8579 +/dining_room_0014/rgb_00067.jpg /dining_room_0014/sync_depth_00067.png 518.8579 +/dining_room_0034/rgb_00216.jpg /dining_room_0034/sync_depth_00216.png 518.8579 +/living_room_0033/rgb_00002.jpg /living_room_0033/sync_depth_00002.png 518.8579 +/dining_room_0037/rgb_00087.jpg /dining_room_0037/sync_depth_00087.png 518.8579 +/office_0004/rgb_00074.jpg /office_0004/sync_depth_00074.png 518.8579 +/bedroom_0081/rgb_00037.jpg /bedroom_0081/sync_depth_00037.png 518.8579 +/living_room_0040/rgb_00004.jpg /living_room_0040/sync_depth_00004.png 518.8579 +/bookstore_0001f/rgb_00297.jpg /bookstore_0001f/sync_depth_00297.png 518.8579 +/living_room_0083/rgb_00007.jpg /living_room_0083/sync_depth_00007.png 518.8579 +/living_room_0062/rgb_00215.jpg /living_room_0062/sync_depth_00215.png 518.8579 +/home_office_0006/rgb_00016.jpg /home_office_0006/sync_depth_00016.png 518.8579 +/dining_room_0023/rgb_00036.jpg /dining_room_0023/sync_depth_00036.png 518.8579 +/bedroom_0056a/rgb_00107.jpg /bedroom_0056a/sync_depth_00107.png 518.8579 +/kitchen_0053/rgb_00052.jpg /kitchen_0053/sync_depth_00052.png 518.8579 +/bedroom_0096/rgb_00056.jpg /bedroom_0096/sync_depth_00056.png 518.8579 +/bedroom_0026/rgb_00067.jpg /bedroom_0026/sync_depth_00067.png 518.8579 +/dining_room_0037/rgb_00026.jpg /dining_room_0037/sync_depth_00026.png 518.8579 +/bookstore_0001f/rgb_00097.jpg /bookstore_0001f/sync_depth_00097.png 518.8579 +/bathroom_0041/rgb_00031.jpg /bathroom_0041/sync_depth_00031.png 518.8579 +/kitchen_0049/rgb_00218.jpg /kitchen_0049/sync_depth_00218.png 518.8579 +/bathroom_0010/rgb_00009.jpg /bathroom_0010/sync_depth_00009.png 518.8579 +/dining_room_0014/rgb_00030.jpg /dining_room_0014/sync_depth_00030.png 518.8579 +/dining_room_0034/rgb_00200.jpg /dining_room_0034/sync_depth_00200.png 518.8579 +/bedroom_0086/rgb_00005.jpg /bedroom_0086/sync_depth_00005.png 518.8579 +/classroom_0006/rgb_00137.jpg /classroom_0006/sync_depth_00137.png 518.8579 +/kitchen_0050/rgb_00081.jpg /kitchen_0050/sync_depth_00081.png 518.8579 +/kitchen_0050/rgb_00020.jpg /kitchen_0050/sync_depth_00020.png 518.8579 +/kitchen_0011a/rgb_00030.jpg /kitchen_0011a/sync_depth_00030.png 518.8579 +/bedroom_0074/rgb_00113.jpg /bedroom_0074/sync_depth_00113.png 518.8579 +/living_room_0010/rgb_00178.jpg /living_room_0010/sync_depth_00178.png 518.8579 +/bathroom_0051/rgb_00013.jpg /bathroom_0051/sync_depth_00013.png 518.8579 +/bedroom_0028/rgb_00031.jpg /bedroom_0028/sync_depth_00031.png 518.8579 +/classroom_0003/rgb_00032.jpg /classroom_0003/sync_depth_00032.png 518.8579 +/bedroom_0071/rgb_00040.jpg /bedroom_0071/sync_depth_00040.png 518.8579 +/bedroom_0063/rgb_00104.jpg /bedroom_0063/sync_depth_00104.png 518.8579 +/basement_0001b/rgb_00013.jpg /basement_0001b/sync_depth_00013.png 518.8579 +/bedroom_0120/rgb_00078.jpg /bedroom_0120/sync_depth_00078.png 518.8579 +/basement_0001a/rgb_00083.jpg /basement_0001a/sync_depth_00083.png 518.8579 +/bookstore_0001h/rgb_00115.jpg /bookstore_0001h/sync_depth_00115.png 518.8579 +/bedroom_0086/rgb_00071.jpg /bedroom_0086/sync_depth_00071.png 518.8579 +/bedroom_0029/rgb_00025.jpg /bedroom_0029/sync_depth_00025.png 518.8579 +/playroom_0004/rgb_00107.jpg /playroom_0004/sync_depth_00107.png 518.8579 +/bedroom_0130/rgb_00082.jpg /bedroom_0130/sync_depth_00082.png 518.8579 +/conference_room_0001/rgb_00128.jpg /conference_room_0001/sync_depth_00128.png 518.8579 +/dining_room_0007/rgb_00184.jpg /dining_room_0007/sync_depth_00184.png 518.8579 +/kitchen_0035b/rgb_00073.jpg /kitchen_0035b/sync_depth_00073.png 518.8579 +/student_lounge_0001/rgb_00270.jpg /student_lounge_0001/sync_depth_00270.png 518.8579 +/bathroom_0056/rgb_00005.jpg /bathroom_0056/sync_depth_00005.png 518.8579 +/bookstore_0001h/rgb_00041.jpg /bookstore_0001h/sync_depth_00041.png 518.8579 +/study_0004/rgb_00038.jpg /study_0004/sync_depth_00038.png 518.8579 +/furniture_store_0002a/rgb_00097.jpg /furniture_store_0002a/sync_depth_00097.png 518.8579 +/office_0009/rgb_00014.jpg /office_0009/sync_depth_00014.png 518.8579 +/kitchen_0017/rgb_00065.jpg /kitchen_0017/sync_depth_00065.png 518.8579 +/bedroom_0012/rgb_00015.jpg /bedroom_0012/sync_depth_00015.png 518.8579 +/bedroom_0050/rgb_00130.jpg /bedroom_0050/sync_depth_00130.png 518.8579 +/dining_room_0001b/rgb_00149.jpg /dining_room_0001b/sync_depth_00149.png 518.8579 +/bookstore_0001d/rgb_00058.jpg /bookstore_0001d/sync_depth_00058.png 518.8579 +/kitchen_0035b/rgb_00295.jpg /kitchen_0035b/sync_depth_00295.png 518.8579 +/living_room_0040/rgb_00297.jpg /living_room_0040/sync_depth_00297.png 518.8579 +/office_kitchen_0003/rgb_00051.jpg /office_kitchen_0003/sync_depth_00051.png 518.8579 +/bookstore_0001g/rgb_00131.jpg /bookstore_0001g/sync_depth_00131.png 518.8579 +/kitchen_0028b/rgb_00047.jpg /kitchen_0028b/sync_depth_00047.png 518.8579 +/living_room_0029/rgb_00024.jpg /living_room_0029/sync_depth_00024.png 518.8579 +/furniture_store_0002a/rgb_00201.jpg /furniture_store_0002a/sync_depth_00201.png 518.8579 +/bathroom_0041/rgb_00038.jpg /bathroom_0041/sync_depth_00038.png 518.8579 +/living_room_0012/rgb_00149.jpg /living_room_0012/sync_depth_00149.png 518.8579 +/bookstore_0001f/rgb_00410.jpg /bookstore_0001f/sync_depth_00410.png 518.8579 +/dining_room_0001b/rgb_00206.jpg /dining_room_0001b/sync_depth_00206.png 518.8579 +/bedroom_0113/rgb_00069.jpg /bedroom_0113/sync_depth_00069.png 518.8579 +/furniture_store_0002a/rgb_00264.jpg /furniture_store_0002a/sync_depth_00264.png 518.8579 +/bedroom_0062/rgb_00066.jpg /bedroom_0062/sync_depth_00066.png 518.8579 +/office_kitchen_0003/rgb_00001.jpg /office_kitchen_0003/sync_depth_00001.png 518.8579 +/bedroom_0041/rgb_00053.jpg /bedroom_0041/sync_depth_00053.png 518.8579 +/bedroom_0067a/rgb_00017.jpg /bedroom_0067a/sync_depth_00017.png 518.8579 +/furniture_store_0001d/rgb_00088.jpg /furniture_store_0001d/sync_depth_00088.png 518.8579 +/office_0026/rgb_00096.jpg /office_0026/sync_depth_00096.png 518.8579 +/reception_room_0004/rgb_00082.jpg /reception_room_0004/sync_depth_00082.png 518.8579 +/office_0006/rgb_00068.jpg /office_0006/sync_depth_00068.png 518.8579 +/living_room_0046b/rgb_00067.jpg /living_room_0046b/sync_depth_00067.png 518.8579 +/bedroom_0106/rgb_00128.jpg /bedroom_0106/sync_depth_00128.png 518.8579 +/furniture_store_0001a/rgb_00052.jpg /furniture_store_0001a/sync_depth_00052.png 518.8579 +/bedroom_0129/rgb_00057.jpg /bedroom_0129/sync_depth_00057.png 518.8579 +/bookstore_0001f/rgb_00119.jpg /bookstore_0001f/sync_depth_00119.png 518.8579 +/bedroom_0029/rgb_00075.jpg /bedroom_0029/sync_depth_00075.png 518.8579 +/playroom_0002/rgb_00153.jpg /playroom_0002/sync_depth_00153.png 518.8579 +/office_0012/rgb_00002.jpg /office_0012/sync_depth_00002.png 518.8579 +/playroom_0003/rgb_00109.jpg /playroom_0003/sync_depth_00109.png 518.8579 +/dining_room_0019/rgb_00041.jpg /dining_room_0019/sync_depth_00041.png 518.8579 +/bedroom_0086/rgb_00081.jpg /bedroom_0086/sync_depth_00081.png 518.8579 +/kitchen_0037/rgb_00084.jpg /kitchen_0037/sync_depth_00084.png 518.8579 +/bathroom_0028/rgb_00120.jpg /bathroom_0028/sync_depth_00120.png 518.8579 +/classroom_0010/rgb_00019.jpg /classroom_0010/sync_depth_00019.png 518.8579 +/kitchen_0049/rgb_00142.jpg /kitchen_0049/sync_depth_00142.png 518.8579 +/basement_0001b/rgb_00009.jpg /basement_0001b/sync_depth_00009.png 518.8579 +/bedroom_0136/rgb_00145.jpg /bedroom_0136/sync_depth_00145.png 518.8579 +/classroom_0004/rgb_00022.jpg /classroom_0004/sync_depth_00022.png 518.8579 +/dining_room_0015/rgb_00116.jpg /dining_room_0015/sync_depth_00116.png 518.8579 +/bedroom_0072/rgb_00066.jpg /bedroom_0072/sync_depth_00066.png 518.8579 +/bedroom_0056a/rgb_00002.jpg /bedroom_0056a/sync_depth_00002.png 518.8579 +/furniture_store_0002c/rgb_00053.jpg /furniture_store_0002c/sync_depth_00053.png 518.8579 +/living_room_0046b/rgb_00094.jpg /living_room_0046b/sync_depth_00094.png 518.8579 +/kitchen_0051/rgb_00005.jpg /kitchen_0051/sync_depth_00005.png 518.8579 +/reception_room_0001a/rgb_00118.jpg /reception_room_0001a/sync_depth_00118.png 518.8579 +/bedroom_0059/rgb_00084.jpg /bedroom_0059/sync_depth_00084.png 518.8579 +/classroom_0022/rgb_00110.jpg /classroom_0022/sync_depth_00110.png 518.8579 +/dining_room_0024/rgb_00115.jpg /dining_room_0024/sync_depth_00115.png 518.8579 +/kitchen_0019a/rgb_00058.jpg /kitchen_0019a/sync_depth_00058.png 518.8579 +/study_room_0004/rgb_00110.jpg /study_room_0004/sync_depth_00110.png 518.8579 +/bedroom_0014/rgb_00037.jpg /bedroom_0014/sync_depth_00037.png 518.8579 +/classroom_0010/rgb_00009.jpg /classroom_0010/sync_depth_00009.png 518.8579 +/bedroom_0076a/rgb_00254.jpg /bedroom_0076a/sync_depth_00254.png 518.8579 +/bedroom_0079/rgb_00057.jpg /bedroom_0079/sync_depth_00057.png 518.8579 +/bedroom_0028/rgb_00054.jpg /bedroom_0028/sync_depth_00054.png 518.8579 +/dining_room_0033/rgb_00189.jpg /dining_room_0033/sync_depth_00189.png 518.8579 +/student_lounge_0001/rgb_00044.jpg /student_lounge_0001/sync_depth_00044.png 518.8579 +/bathroom_0030/rgb_00026.jpg /bathroom_0030/sync_depth_00026.png 518.8579 +/bedroom_0042/rgb_00052.jpg /bedroom_0042/sync_depth_00052.png 518.8579 +/dining_room_0014/rgb_00080.jpg /dining_room_0014/sync_depth_00080.png 518.8579 +/kitchen_0029c/rgb_00098.jpg /kitchen_0029c/sync_depth_00098.png 518.8579 +/kitchen_0010/rgb_00055.jpg /kitchen_0010/sync_depth_00055.png 518.8579 +/bedroom_0104/rgb_00024.jpg /bedroom_0104/sync_depth_00024.png 518.8579 +/kitchen_0003/rgb_00041.jpg /kitchen_0003/sync_depth_00041.png 518.8579 +/bedroom_0019/rgb_00096.jpg /bedroom_0019/sync_depth_00096.png 518.8579 +/bedroom_0025/rgb_00061.jpg /bedroom_0025/sync_depth_00061.png 518.8579 +/living_room_0063/rgb_00123.jpg /living_room_0063/sync_depth_00123.png 518.8579 +/kitchen_0050/rgb_00077.jpg /kitchen_0050/sync_depth_00077.png 518.8579 +/conference_room_0001/rgb_00086.jpg /conference_room_0001/sync_depth_00086.png 518.8579 +/kitchen_0028a/rgb_00122.jpg /kitchen_0028a/sync_depth_00122.png 518.8579 +/bedroom_0136/rgb_00022.jpg /bedroom_0136/sync_depth_00022.png 518.8579 +/office_kitchen_0001b/rgb_00067.jpg /office_kitchen_0001b/sync_depth_00067.png 518.8579 +/playroom_0002/rgb_00098.jpg /playroom_0002/sync_depth_00098.png 518.8579 +/bookstore_0001f/rgb_00310.jpg /bookstore_0001f/sync_depth_00310.png 518.8579 +/bedroom_0014/rgb_00052.jpg /bedroom_0014/sync_depth_00052.png 518.8579 +/office_0026/rgb_00054.jpg /office_0026/sync_depth_00054.png 518.8579 +/dining_room_0037/rgb_00096.jpg /dining_room_0037/sync_depth_00096.png 518.8579 +/dining_room_0004/rgb_00021.jpg /dining_room_0004/sync_depth_00021.png 518.8579 +/furniture_store_0002b/rgb_00033.jpg /furniture_store_0002b/sync_depth_00033.png 518.8579 +/bedroom_0071/rgb_00144.jpg /bedroom_0071/sync_depth_00144.png 518.8579 +/dining_room_0015/rgb_00127.jpg /dining_room_0015/sync_depth_00127.png 518.8579 +/kitchen_0041/rgb_00000.jpg /kitchen_0041/sync_depth_00000.png 518.8579 +/reception_room_0002/rgb_00028.jpg /reception_room_0002/sync_depth_00028.png 518.8579 +/living_room_0083/rgb_00050.jpg /living_room_0083/sync_depth_00050.png 518.8579 +/bedroom_0025/rgb_00131.jpg /bedroom_0025/sync_depth_00131.png 518.8579 +/dining_room_0031/rgb_00035.jpg /dining_room_0031/sync_depth_00035.png 518.8579 +/kitchen_0049/rgb_00053.jpg /kitchen_0049/sync_depth_00053.png 518.8579 +/dining_room_0031/rgb_00237.jpg /dining_room_0031/sync_depth_00237.png 518.8579 +/furniture_store_0001b/rgb_00041.jpg /furniture_store_0001b/sync_depth_00041.png 518.8579 +/living_room_0062/rgb_00074.jpg /living_room_0062/sync_depth_00074.png 518.8579 +/living_room_0005/rgb_00081.jpg /living_room_0005/sync_depth_00081.png 518.8579 +/living_room_0042b/rgb_00092.jpg /living_room_0042b/sync_depth_00092.png 518.8579 +/bedroom_0096/rgb_00025.jpg /bedroom_0096/sync_depth_00025.png 518.8579 +/dining_room_0016/rgb_00067.jpg /dining_room_0016/sync_depth_00067.png 518.8579 +/classroom_0011/rgb_00003.jpg /classroom_0011/sync_depth_00003.png 518.8579 +/living_room_0067/rgb_00046.jpg /living_room_0067/sync_depth_00046.png 518.8579 +/kitchen_0029b/rgb_00032.jpg /kitchen_0029b/sync_depth_00032.png 518.8579 +/living_room_0035/rgb_00025.jpg /living_room_0035/sync_depth_00025.png 518.8579 +/bedroom_0041/rgb_00027.jpg /bedroom_0041/sync_depth_00027.png 518.8579 +/living_room_0069a/rgb_00121.jpg /living_room_0069a/sync_depth_00121.png 518.8579 +/bedroom_0026/rgb_00040.jpg /bedroom_0026/sync_depth_00040.png 518.8579 +/bedroom_0016/rgb_00046.jpg /bedroom_0016/sync_depth_00046.png 518.8579 +/kitchen_0050/rgb_00036.jpg /kitchen_0050/sync_depth_00036.png 518.8579 +/bedroom_0120/rgb_00057.jpg /bedroom_0120/sync_depth_00057.png 518.8579 +/bedroom_0071/rgb_00095.jpg /bedroom_0071/sync_depth_00095.png 518.8579 +/kitchen_0047/rgb_00037.jpg /kitchen_0047/sync_depth_00037.png 518.8579 +/cafe_0001b/rgb_00029.jpg /cafe_0001b/sync_depth_00029.png 518.8579 +/living_room_0022/rgb_00405.jpg /living_room_0022/sync_depth_00405.png 518.8579 +/classroom_0003/rgb_00048.jpg /classroom_0003/sync_depth_00048.png 518.8579 +/office_0025/rgb_00005.jpg /office_0025/sync_depth_00005.png 518.8579 +/bedroom_0086/rgb_00013.jpg /bedroom_0086/sync_depth_00013.png 518.8579 +/dining_room_0028/rgb_00087.jpg /dining_room_0028/sync_depth_00087.png 518.8579 +/bedroom_0026/rgb_00037.jpg /bedroom_0026/sync_depth_00037.png 518.8579 +/bedroom_0019/rgb_00027.jpg /bedroom_0019/sync_depth_00027.png 518.8579 +/nyu_office_0/rgb_00151.jpg /nyu_office_0/sync_depth_00151.png 518.8579 +/dining_room_0031/rgb_00285.jpg /dining_room_0031/sync_depth_00285.png 518.8579 +/nyu_office_0/rgb_00148.jpg /nyu_office_0/sync_depth_00148.png 518.8579 +/bedroom_0020/rgb_00059.jpg /bedroom_0020/sync_depth_00059.png 518.8579 +/living_room_0062/rgb_00161.jpg /living_room_0062/sync_depth_00161.png 518.8579 +/study_room_0004/rgb_00217.jpg /study_room_0004/sync_depth_00217.png 518.8579 +/dining_room_0019/rgb_00155.jpg /dining_room_0019/sync_depth_00155.png 518.8579 +/kitchen_0003/rgb_00083.jpg /kitchen_0003/sync_depth_00083.png 518.8579 +/office_kitchen_0003/rgb_00011.jpg /office_kitchen_0003/sync_depth_00011.png 518.8579 +/dining_room_0016/rgb_00057.jpg /dining_room_0016/sync_depth_00057.png 518.8579 +/playroom_0002/rgb_00120.jpg /playroom_0002/sync_depth_00120.png 518.8579 +/kitchen_0019a/rgb_00144.jpg /kitchen_0019a/sync_depth_00144.png 518.8579 +/bedroom_0136/rgb_00013.jpg /bedroom_0136/sync_depth_00013.png 518.8579 +/living_room_0058/rgb_00045.jpg /living_room_0058/sync_depth_00045.png 518.8579 +/kitchen_0016/rgb_00020.jpg /kitchen_0016/sync_depth_00020.png 518.8579 +/bookstore_0001d/rgb_00337.jpg /bookstore_0001d/sync_depth_00337.png 518.8579 +/basement_0001a/rgb_00007.jpg /basement_0001a/sync_depth_00007.png 518.8579 +/living_room_0040/rgb_00024.jpg /living_room_0040/sync_depth_00024.png 518.8579 +/furniture_store_0002d/rgb_00004.jpg /furniture_store_0002d/sync_depth_00004.png 518.8579 +/furniture_store_0002d/rgb_00018.jpg /furniture_store_0002d/sync_depth_00018.png 518.8579 +/study_0003/rgb_00035.jpg /study_0003/sync_depth_00035.png 518.8579 +/furniture_store_0002a/rgb_00145.jpg /furniture_store_0002a/sync_depth_00145.png 518.8579 +/bedroom_0126/rgb_00061.jpg /bedroom_0126/sync_depth_00061.png 518.8579 +/living_room_0047b/rgb_00027.jpg /living_room_0047b/sync_depth_00027.png 518.8579 +/living_room_0062/rgb_00029.jpg /living_room_0062/sync_depth_00029.png 518.8579 +/kitchen_0060/rgb_00018.jpg /kitchen_0060/sync_depth_00018.png 518.8579 +/classroom_0011/rgb_00053.jpg /classroom_0011/sync_depth_00053.png 518.8579 +/dining_room_0034/rgb_00148.jpg /dining_room_0034/sync_depth_00148.png 518.8579 +/classroom_0005/rgb_00015.jpg /classroom_0005/sync_depth_00015.png 518.8579 +/living_room_0078/rgb_00092.jpg /living_room_0078/sync_depth_00092.png 518.8579 +/bedroom_0067a/rgb_00020.jpg /bedroom_0067a/sync_depth_00020.png 518.8579 +/bathroom_0007/rgb_00035.jpg /bathroom_0007/sync_depth_00035.png 518.8579 +/bathroom_0045a/rgb_00013.jpg /bathroom_0045a/sync_depth_00013.png 518.8579 +/bedroom_0034/rgb_00052.jpg /bedroom_0034/sync_depth_00052.png 518.8579 +/furniture_store_0002b/rgb_00090.jpg /furniture_store_0002b/sync_depth_00090.png 518.8579 +/bedroom_0050/rgb_00189.jpg /bedroom_0050/sync_depth_00189.png 518.8579 +/kitchen_0017/rgb_00017.jpg /kitchen_0017/sync_depth_00017.png 518.8579 +/kitchen_0051/rgb_00286.jpg /kitchen_0051/sync_depth_00286.png 518.8579 +/dining_room_0024/rgb_00145.jpg /dining_room_0024/sync_depth_00145.png 518.8579 +/kitchen_0045a/rgb_00040.jpg /kitchen_0045a/sync_depth_00040.png 518.8579 +/bedroom_0014/rgb_00069.jpg /bedroom_0014/sync_depth_00069.png 518.8579 +/kitchen_0043/rgb_00146.jpg /kitchen_0043/sync_depth_00146.png 518.8579 +/furniture_store_0001d/rgb_00124.jpg /furniture_store_0001d/sync_depth_00124.png 518.8579 +/dining_room_0031/rgb_00052.jpg /dining_room_0031/sync_depth_00052.png 518.8579 +/living_room_0063/rgb_00078.jpg /living_room_0063/sync_depth_00078.png 518.8579 +/home_office_0005/rgb_00103.jpg /home_office_0005/sync_depth_00103.png 518.8579 +/kitchen_0047/rgb_00123.jpg /kitchen_0047/sync_depth_00123.png 518.8579 +/living_room_0012/rgb_00117.jpg /living_room_0012/sync_depth_00117.png 518.8579 +/bedroom_0072/rgb_00170.jpg /bedroom_0072/sync_depth_00170.png 518.8579 +/bedroom_0020/rgb_00008.jpg /bedroom_0020/sync_depth_00008.png 518.8579 +/dining_room_0031/rgb_00036.jpg /dining_room_0031/sync_depth_00036.png 518.8579 +/bedroom_0060/rgb_00007.jpg /bedroom_0060/sync_depth_00007.png 518.8579 +/bedroom_0113/rgb_00085.jpg /bedroom_0113/sync_depth_00085.png 518.8579 +/dining_room_0016/rgb_00138.jpg /dining_room_0016/sync_depth_00138.png 518.8579 +/living_room_0046b/rgb_00015.jpg /living_room_0046b/sync_depth_00015.png 518.8579 +/living_room_0020/rgb_00096.jpg /living_room_0020/sync_depth_00096.png 518.8579 +/living_room_0035/rgb_00099.jpg /living_room_0035/sync_depth_00099.png 518.8579 +/living_room_0011/rgb_00032.jpg /living_room_0011/sync_depth_00032.png 518.8579 +/bookstore_0001j/rgb_00131.jpg /bookstore_0001j/sync_depth_00131.png 518.8579 +/kitchen_0050/rgb_00189.jpg /kitchen_0050/sync_depth_00189.png 518.8579 +/living_room_0063/rgb_00098.jpg /living_room_0063/sync_depth_00098.png 518.8579 +/living_room_0069b/rgb_00058.jpg /living_room_0069b/sync_depth_00058.png 518.8579 +/playroom_0003/rgb_00092.jpg /playroom_0003/sync_depth_00092.png 518.8579 +/living_room_0086a/rgb_00059.jpg /living_room_0086a/sync_depth_00059.png 518.8579 +/bedroom_0125b/rgb_00094.jpg /bedroom_0125b/sync_depth_00094.png 518.8579 +/home_office_0006/rgb_00186.jpg /home_office_0006/sync_depth_00186.png 518.8579 +/bedroom_0090/rgb_00012.jpg /bedroom_0090/sync_depth_00012.png 518.8579 +/office_kitchen_0003/rgb_00000.jpg /office_kitchen_0003/sync_depth_00000.png 518.8579 +/bedroom_0069/rgb_00044.jpg /bedroom_0069/sync_depth_00044.png 518.8579 +/playroom_0002/rgb_00056.jpg /playroom_0002/sync_depth_00056.png 518.8579 +/bathroom_0030/rgb_00018.jpg /bathroom_0030/sync_depth_00018.png 518.8579 +/reception_room_0001a/rgb_00090.jpg /reception_room_0001a/sync_depth_00090.png 518.8579 +/kitchen_0059/rgb_00036.jpg /kitchen_0059/sync_depth_00036.png 518.8579 +/classroom_0022/rgb_00063.jpg /classroom_0022/sync_depth_00063.png 518.8579 +/bedroom_0051/rgb_00011.jpg /bedroom_0051/sync_depth_00011.png 518.8579 +/dining_room_0023/rgb_00032.jpg /dining_room_0023/sync_depth_00032.png 518.8579 +/bedroom_0025/rgb_00089.jpg /bedroom_0025/sync_depth_00089.png 518.8579 +/bedroom_0051/rgb_00221.jpg /bedroom_0051/sync_depth_00221.png 518.8579 +/bedroom_0016/rgb_00185.jpg /bedroom_0016/sync_depth_00185.png 518.8579 +/bathroom_0045a/rgb_00037.jpg /bathroom_0045a/sync_depth_00037.png 518.8579 +/home_office_0011/rgb_00033.jpg /home_office_0011/sync_depth_00033.png 518.8579 +/dinette_0001/rgb_00027.jpg /dinette_0001/sync_depth_00027.png 518.8579 +/reception_room_0004/rgb_00068.jpg /reception_room_0004/sync_depth_00068.png 518.8579 +/kitchen_0029b/rgb_00002.jpg /kitchen_0029b/sync_depth_00002.png 518.8579 +/living_room_0063/rgb_00092.jpg /living_room_0063/sync_depth_00092.png 518.8579 +/bedroom_0056a/rgb_00008.jpg /bedroom_0056a/sync_depth_00008.png 518.8579 +/home_office_0006/rgb_00029.jpg /home_office_0006/sync_depth_00029.png 518.8579 +/furniture_store_0002c/rgb_00043.jpg /furniture_store_0002c/sync_depth_00043.png 518.8579 +/playroom_0002/rgb_00010.jpg /playroom_0002/sync_depth_00010.png 518.8579 +/bedroom_0132/rgb_00049.jpg /bedroom_0132/sync_depth_00049.png 518.8579 +/living_room_0035/rgb_00032.jpg /living_room_0035/sync_depth_00032.png 518.8579 +/cafe_0001b/rgb_00071.jpg /cafe_0001b/sync_depth_00071.png 518.8579 +/dining_room_0023/rgb_00003.jpg /dining_room_0023/sync_depth_00003.png 518.8579 +/bookstore_0001d/rgb_00296.jpg /bookstore_0001d/sync_depth_00296.png 518.8579 +/dining_room_0010/rgb_00053.jpg /dining_room_0010/sync_depth_00053.png 518.8579 +/classroom_0010/rgb_00046.jpg /classroom_0010/sync_depth_00046.png 518.8579 +/playroom_0002/rgb_00043.jpg /playroom_0002/sync_depth_00043.png 518.8579 +/reception_room_0001b/rgb_00068.jpg /reception_room_0001b/sync_depth_00068.png 518.8579 +/bedroom_0028/rgb_00068.jpg /bedroom_0028/sync_depth_00068.png 518.8579 +/bedroom_0086/rgb_00082.jpg /bedroom_0086/sync_depth_00082.png 518.8579 +/living_room_0068/rgb_00090.jpg /living_room_0068/sync_depth_00090.png 518.8579 +/living_room_0012/rgb_00076.jpg /living_room_0012/sync_depth_00076.png 518.8579 +/bathroom_0007/rgb_00028.jpg /bathroom_0007/sync_depth_00028.png 518.8579 +/kitchen_0035b/rgb_00267.jpg /kitchen_0035b/sync_depth_00267.png 518.8579 +/living_room_0086b/rgb_00011.jpg /living_room_0086b/sync_depth_00011.png 518.8579 +/kitchen_0029c/rgb_00154.jpg /kitchen_0029c/sync_depth_00154.png 518.8579 +/living_room_0062/rgb_00187.jpg /living_room_0062/sync_depth_00187.png 518.8579 +/bedroom_0026/rgb_00050.jpg /bedroom_0026/sync_depth_00050.png 518.8579 +/cafe_0001c/rgb_00026.jpg /cafe_0001c/sync_depth_00026.png 518.8579 +/home_office_0008/rgb_00051.jpg /home_office_0008/sync_depth_00051.png 518.8579 +/excercise_room_0001/rgb_00036.jpg /excercise_room_0001/sync_depth_00036.png 518.8579 +/bedroom_0033/rgb_00012.jpg /bedroom_0033/sync_depth_00012.png 518.8579 +/classroom_0003/rgb_00087.jpg /classroom_0003/sync_depth_00087.png 518.8579 +/kitchen_0051/rgb_00233.jpg /kitchen_0051/sync_depth_00233.png 518.8579 +/bedroom_0050/rgb_00179.jpg /bedroom_0050/sync_depth_00179.png 518.8579 +/study_0004/rgb_00013.jpg /study_0004/sync_depth_00013.png 518.8579 +/living_room_0020/rgb_00191.jpg /living_room_0020/sync_depth_00191.png 518.8579 +/bedroom_0047/rgb_00043.jpg /bedroom_0047/sync_depth_00043.png 518.8579 +/bathroom_0039/rgb_00062.jpg /bathroom_0039/sync_depth_00062.png 518.8579 +/kitchen_0051/rgb_00027.jpg /kitchen_0051/sync_depth_00027.png 518.8579 +/student_lounge_0001/rgb_00121.jpg /student_lounge_0001/sync_depth_00121.png 518.8579 +/kitchen_0060/rgb_00095.jpg /kitchen_0060/sync_depth_00095.png 518.8579 +/bedroom_0059/rgb_00004.jpg /bedroom_0059/sync_depth_00004.png 518.8579 +/furniture_store_0001d/rgb_00241.jpg /furniture_store_0001d/sync_depth_00241.png 518.8579 +/kitchen_0035a/rgb_00047.jpg /kitchen_0035a/sync_depth_00047.png 518.8579 +/living_room_0035/rgb_00080.jpg /living_room_0035/sync_depth_00080.png 518.8579 +/kitchen_0017/rgb_00021.jpg /kitchen_0017/sync_depth_00021.png 518.8579 +/bedroom_0052/rgb_00215.jpg /bedroom_0052/sync_depth_00215.png 518.8579 +/bedroom_0071/rgb_00053.jpg /bedroom_0071/sync_depth_00053.png 518.8579 +/classroom_0016/rgb_00019.jpg /classroom_0016/sync_depth_00019.png 518.8579 +/living_room_0055/rgb_00014.jpg /living_room_0055/sync_depth_00014.png 518.8579 +/dining_room_0023/rgb_00138.jpg /dining_room_0023/sync_depth_00138.png 518.8579 +/bedroom_0017/rgb_00028.jpg /bedroom_0017/sync_depth_00028.png 518.8579 +/classroom_0006/rgb_00206.jpg /classroom_0006/sync_depth_00206.png 518.8579 +/bedroom_0062/rgb_00101.jpg /bedroom_0062/sync_depth_00101.png 518.8579 +/dining_room_0016/rgb_00164.jpg /dining_room_0016/sync_depth_00164.png 518.8579 +/living_room_0058/rgb_00203.jpg /living_room_0058/sync_depth_00203.png 518.8579 +/dining_room_0033/rgb_00026.jpg /dining_room_0033/sync_depth_00026.png 518.8579 +/bedroom_0052/rgb_00145.jpg /bedroom_0052/sync_depth_00145.png 518.8579 +/kitchen_0035b/rgb_00243.jpg /kitchen_0035b/sync_depth_00243.png 518.8579 +/bookstore_0001f/rgb_00418.jpg /bookstore_0001f/sync_depth_00418.png 518.8579 +/living_room_0063/rgb_00124.jpg /living_room_0063/sync_depth_00124.png 518.8579 +/office_0023/rgb_00031.jpg /office_0023/sync_depth_00031.png 518.8579 +/office_0026/rgb_00128.jpg /office_0026/sync_depth_00128.png 518.8579 +/conference_room_0001/rgb_00109.jpg /conference_room_0001/sync_depth_00109.png 518.8579 +/kitchen_0053/rgb_00107.jpg /kitchen_0053/sync_depth_00107.png 518.8579 +/nyu_office_0/rgb_00430.jpg /nyu_office_0/sync_depth_00430.png 518.8579 +/home_storage_0001/rgb_00072.jpg /home_storage_0001/sync_depth_00072.png 518.8579 +/cafe_0001c/rgb_00052.jpg /cafe_0001c/sync_depth_00052.png 518.8579 +/kitchen_0003/rgb_00150.jpg /kitchen_0003/sync_depth_00150.png 518.8579 +/bookstore_0001j/rgb_00125.jpg /bookstore_0001j/sync_depth_00125.png 518.8579 +/bookstore_0001j/rgb_00083.jpg /bookstore_0001j/sync_depth_00083.png 518.8579 +/kitchen_0010/rgb_00021.jpg /kitchen_0010/sync_depth_00021.png 518.8579 +/furniture_store_0002a/rgb_00371.jpg /furniture_store_0002a/sync_depth_00371.png 518.8579 +/dining_room_0031/rgb_00381.jpg /dining_room_0031/sync_depth_00381.png 518.8579 +/dining_room_0012/rgb_00195.jpg /dining_room_0012/sync_depth_00195.png 518.8579 +/home_office_0006/rgb_00163.jpg /home_office_0006/sync_depth_00163.png 518.8579 +/student_lounge_0001/rgb_00204.jpg /student_lounge_0001/sync_depth_00204.png 518.8579 +/office_kitchen_0001b/rgb_00069.jpg /office_kitchen_0001b/sync_depth_00069.png 518.8579 +/bookstore_0001h/rgb_00175.jpg /bookstore_0001h/sync_depth_00175.png 518.8579 +/bedroom_0017/rgb_00153.jpg /bedroom_0017/sync_depth_00153.png 518.8579 +/study_0008/rgb_00041.jpg /study_0008/sync_depth_00041.png 518.8579 +/foyer_0002/rgb_00000.jpg /foyer_0002/sync_depth_00000.png 518.8579 +/bedroom_0126/rgb_00030.jpg /bedroom_0126/sync_depth_00030.png 518.8579 +/office_0018/rgb_00040.jpg /office_0018/sync_depth_00040.png 518.8579 +/living_room_0035/rgb_00039.jpg /living_room_0035/sync_depth_00039.png 518.8579 +/bedroom_0004/rgb_00022.jpg /bedroom_0004/sync_depth_00022.png 518.8579 +/bedroom_0140/rgb_00036.jpg /bedroom_0140/sync_depth_00036.png 518.8579 +/kitchen_0017/rgb_00112.jpg /kitchen_0017/sync_depth_00112.png 518.8579 +/bathroom_0033/rgb_00017.jpg /bathroom_0033/sync_depth_00017.png 518.8579 +/dining_room_0023/rgb_00157.jpg /dining_room_0023/sync_depth_00157.png 518.8579 +/living_room_0022/rgb_00307.jpg /living_room_0022/sync_depth_00307.png 518.8579 +/study_room_0005a/rgb_00031.jpg /study_room_0005a/sync_depth_00031.png 518.8579 +/bathroom_0049/rgb_00003.jpg /bathroom_0049/sync_depth_00003.png 518.8579 +/kitchen_0028b/rgb_00070.jpg /kitchen_0028b/sync_depth_00070.png 518.8579 +/office_0012/rgb_00061.jpg /office_0012/sync_depth_00061.png 518.8579 +/dining_room_0028/rgb_00076.jpg /dining_room_0028/sync_depth_00076.png 518.8579 +/living_room_0046b/rgb_00046.jpg /living_room_0046b/sync_depth_00046.png 518.8579 +/student_lounge_0001/rgb_00095.jpg /student_lounge_0001/sync_depth_00095.png 518.8579 +/bedroom_0028/rgb_00064.jpg /bedroom_0028/sync_depth_00064.png 518.8579 +/bedroom_0035/rgb_00003.jpg /bedroom_0035/sync_depth_00003.png 518.8579 +/bookstore_0001j/rgb_00079.jpg /bookstore_0001j/sync_depth_00079.png 518.8579 +/bedroom_0051/rgb_00218.jpg /bedroom_0051/sync_depth_00218.png 518.8579 +/kitchen_0010/rgb_00025.jpg /kitchen_0010/sync_depth_00025.png 518.8579 +/bedroom_0124/rgb_00024.jpg /bedroom_0124/sync_depth_00024.png 518.8579 +/bedroom_0126/rgb_00058.jpg /bedroom_0126/sync_depth_00058.png 518.8579 +/home_storage_0001/rgb_00149.jpg /home_storage_0001/sync_depth_00149.png 518.8579 +/study_0004/rgb_00022.jpg /study_0004/sync_depth_00022.png 518.8579 +/dining_room_0023/rgb_00176.jpg /dining_room_0023/sync_depth_00176.png 518.8579 +/furniture_store_0002b/rgb_00103.jpg /furniture_store_0002b/sync_depth_00103.png 518.8579 +/living_room_0022/rgb_00023.jpg /living_room_0022/sync_depth_00023.png 518.8579 +/dining_room_0016/rgb_00199.jpg /dining_room_0016/sync_depth_00199.png 518.8579 +/bookstore_0001f/rgb_00146.jpg /bookstore_0001f/sync_depth_00146.png 518.8579 +/study_room_0004/rgb_00133.jpg /study_room_0004/sync_depth_00133.png 518.8579 +/kitchen_0017/rgb_00072.jpg /kitchen_0017/sync_depth_00072.png 518.8579 +/dining_room_0015/rgb_00070.jpg /dining_room_0015/sync_depth_00070.png 518.8579 +/bedroom_0004/rgb_00029.jpg /bedroom_0004/sync_depth_00029.png 518.8579 +/dining_room_0013/rgb_00026.jpg /dining_room_0013/sync_depth_00026.png 518.8579 +/study_0004/rgb_00025.jpg /study_0004/sync_depth_00025.png 518.8579 +/living_room_0040/rgb_00165.jpg /living_room_0040/sync_depth_00165.png 518.8579 +/excercise_room_0001/rgb_00004.jpg /excercise_room_0001/sync_depth_00004.png 518.8579 +/classroom_0003/rgb_00091.jpg /classroom_0003/sync_depth_00091.png 518.8579 +/bedroom_0016/rgb_00180.jpg /bedroom_0016/sync_depth_00180.png 518.8579 +/bedroom_0140/rgb_00058.jpg /bedroom_0140/sync_depth_00058.png 518.8579 +/student_lounge_0001/rgb_00151.jpg /student_lounge_0001/sync_depth_00151.png 518.8579 +/furniture_store_0001d/rgb_00265.jpg /furniture_store_0001d/sync_depth_00265.png 518.8579 +/indoor_balcony_0001/rgb_00036.jpg /indoor_balcony_0001/sync_depth_00036.png 518.8579 +/living_room_0055/rgb_00090.jpg /living_room_0055/sync_depth_00090.png 518.8579 +/dining_room_0019/rgb_00042.jpg /dining_room_0019/sync_depth_00042.png 518.8579 +/playroom_0004/rgb_00061.jpg /playroom_0004/sync_depth_00061.png 518.8579 +/living_room_0019/rgb_00021.jpg /living_room_0019/sync_depth_00021.png 518.8579 +/living_room_0058/rgb_00283.jpg /living_room_0058/sync_depth_00283.png 518.8579 +/bookstore_0001j/rgb_00195.jpg /bookstore_0001j/sync_depth_00195.png 518.8579 +/dining_room_0019/rgb_00064.jpg /dining_room_0019/sync_depth_00064.png 518.8579 +/kitchen_0052/rgb_00019.jpg /kitchen_0052/sync_depth_00019.png 518.8579 +/office_kitchen_0001a/rgb_00079.jpg /office_kitchen_0001a/sync_depth_00079.png 518.8579 +/dining_room_0008/rgb_00156.jpg /dining_room_0008/sync_depth_00156.png 518.8579 +/bookstore_0001f/rgb_00463.jpg /bookstore_0001f/sync_depth_00463.png 518.8579 +/home_office_0004/rgb_00107.jpg /home_office_0004/sync_depth_00107.png 518.8579 +/bedroom_0015/rgb_00039.jpg /bedroom_0015/sync_depth_00039.png 518.8579 +/dining_room_0023/rgb_00116.jpg /dining_room_0023/sync_depth_00116.png 518.8579 +/playroom_0003/rgb_00088.jpg /playroom_0003/sync_depth_00088.png 518.8579 +/bathroom_0024/rgb_00022.jpg /bathroom_0024/sync_depth_00022.png 518.8579 +/office_0026/rgb_00122.jpg /office_0026/sync_depth_00122.png 518.8579 +/bookstore_0001i/rgb_00118.jpg /bookstore_0001i/sync_depth_00118.png 518.8579 +/living_room_0062/rgb_00105.jpg /living_room_0062/sync_depth_00105.png 518.8579 +/living_room_0020/rgb_00073.jpg /living_room_0020/sync_depth_00073.png 518.8579 +/dinette_0001/rgb_00004.jpg /dinette_0001/sync_depth_00004.png 518.8579 +/dining_room_0013/rgb_00110.jpg /dining_room_0013/sync_depth_00110.png 518.8579 +/kitchen_0031/rgb_00131.jpg /kitchen_0031/sync_depth_00131.png 518.8579 +/living_room_0020/rgb_00239.jpg /living_room_0020/sync_depth_00239.png 518.8579 +/living_room_0070/rgb_00031.jpg /living_room_0070/sync_depth_00031.png 518.8579 +/kitchen_0045a/rgb_00134.jpg /kitchen_0045a/sync_depth_00134.png 518.8579 +/bookstore_0001f/rgb_00175.jpg /bookstore_0001f/sync_depth_00175.png 518.8579 +/cafe_0001c/rgb_00017.jpg /cafe_0001c/sync_depth_00017.png 518.8579 +/kitchen_0011a/rgb_00000.jpg /kitchen_0011a/sync_depth_00000.png 518.8579 +/bathroom_0051/rgb_00025.jpg /bathroom_0051/sync_depth_00025.png 518.8579 +/dining_room_0010/rgb_00037.jpg /dining_room_0010/sync_depth_00037.png 518.8579 +/living_room_0005/rgb_00036.jpg /living_room_0005/sync_depth_00036.png 518.8579 +/furniture_store_0001d/rgb_00281.jpg /furniture_store_0001d/sync_depth_00281.png 518.8579 +/bedroom_0097/rgb_00029.jpg /bedroom_0097/sync_depth_00029.png 518.8579 +/bedroom_0138/rgb_00034.jpg /bedroom_0138/sync_depth_00034.png 518.8579 +/living_room_0069a/rgb_00049.jpg /living_room_0069a/sync_depth_00049.png 518.8579 +/bedroom_0113/rgb_00041.jpg /bedroom_0113/sync_depth_00041.png 518.8579 +/study_0004/rgb_00019.jpg /study_0004/sync_depth_00019.png 518.8579 +/living_room_0055/rgb_00097.jpg /living_room_0055/sync_depth_00097.png 518.8579 +/dining_room_0008/rgb_00025.jpg /dining_room_0008/sync_depth_00025.png 518.8579 +/bathroom_0002/rgb_00005.jpg /bathroom_0002/sync_depth_00005.png 518.8579 +/living_room_0005/rgb_00093.jpg /living_room_0005/sync_depth_00093.png 518.8579 +/bathroom_0010/rgb_00013.jpg /bathroom_0010/sync_depth_00013.png 518.8579 +/living_room_0020/rgb_00068.jpg /living_room_0020/sync_depth_00068.png 518.8579 +/bedroom_0129/rgb_00018.jpg /bedroom_0129/sync_depth_00018.png 518.8579 +/dining_room_0037/rgb_00009.jpg /dining_room_0037/sync_depth_00009.png 518.8579 +/kitchen_0029c/rgb_00056.jpg /kitchen_0029c/sync_depth_00056.png 518.8579 +/dining_room_0013/rgb_00086.jpg /dining_room_0013/sync_depth_00086.png 518.8579 +/bookstore_0001j/rgb_00303.jpg /bookstore_0001j/sync_depth_00303.png 518.8579 +/bedroom_0136/rgb_00118.jpg /bedroom_0136/sync_depth_00118.png 518.8579 +/home_storage_0001/rgb_00059.jpg /home_storage_0001/sync_depth_00059.png 518.8579 +/office_kitchen_0003/rgb_00099.jpg /office_kitchen_0003/sync_depth_00099.png 518.8579 +/furniture_store_0002b/rgb_00268.jpg /furniture_store_0002b/sync_depth_00268.png 518.8579 +/kitchen_0031/rgb_00082.jpg /kitchen_0031/sync_depth_00082.png 518.8579 +/dining_room_0012/rgb_00205.jpg /dining_room_0012/sync_depth_00205.png 518.8579 +/kitchen_0052/rgb_00112.jpg /kitchen_0052/sync_depth_00112.png 518.8579 +/bedroom_0106/rgb_00011.jpg /bedroom_0106/sync_depth_00011.png 518.8579 +/dining_room_0023/rgb_00081.jpg /dining_room_0023/sync_depth_00081.png 518.8579 +/office_0011/rgb_00069.jpg /office_0011/sync_depth_00069.png 518.8579 +/dinette_0001/rgb_00038.jpg /dinette_0001/sync_depth_00038.png 518.8579 +/bedroom_0120/rgb_00003.jpg /bedroom_0120/sync_depth_00003.png 518.8579 +/bedroom_0138/rgb_00044.jpg /bedroom_0138/sync_depth_00044.png 518.8579 +/bathroom_0030/rgb_00039.jpg /bathroom_0030/sync_depth_00039.png 518.8579 +/bedroom_0086/rgb_00019.jpg /bedroom_0086/sync_depth_00019.png 518.8579 +/bedroom_0106/rgb_00052.jpg /bedroom_0106/sync_depth_00052.png 518.8579 +/kitchen_0003/rgb_00172.jpg /kitchen_0003/sync_depth_00172.png 518.8579 +/bathroom_0039/rgb_00018.jpg /bathroom_0039/sync_depth_00018.png 518.8579 +/bedroom_0017/rgb_00119.jpg /bedroom_0017/sync_depth_00119.png 518.8579 +/living_room_0010/rgb_00146.jpg /living_room_0010/sync_depth_00146.png 518.8579 +/classroom_0022/rgb_00076.jpg /classroom_0022/sync_depth_00076.png 518.8579 +/office_0026/rgb_00007.jpg /office_0026/sync_depth_00007.png 518.8579 +/bedroom_0034/rgb_00074.jpg /bedroom_0034/sync_depth_00074.png 518.8579 +/home_office_0004/rgb_00003.jpg /home_office_0004/sync_depth_00003.png 518.8579 +/bookstore_0001e/rgb_00181.jpg /bookstore_0001e/sync_depth_00181.png 518.8579 +/bookstore_0001d/rgb_00175.jpg /bookstore_0001d/sync_depth_00175.png 518.8579 +/living_room_0039/rgb_00027.jpg /living_room_0039/sync_depth_00027.png 518.8579 +/kitchen_0051/rgb_00106.jpg /kitchen_0051/sync_depth_00106.png 518.8579 +/bathroom_0056/rgb_00009.jpg /bathroom_0056/sync_depth_00009.png 518.8579 +/dining_room_0037/rgb_00062.jpg /dining_room_0037/sync_depth_00062.png 518.8579 +/bedroom_0076a/rgb_00270.jpg /bedroom_0076a/sync_depth_00270.png 518.8579 +/classroom_0006/rgb_00041.jpg /classroom_0006/sync_depth_00041.png 518.8579 +/living_room_0039/rgb_00089.jpg /living_room_0039/sync_depth_00089.png 518.8579 +/classroom_0012/rgb_00030.jpg /classroom_0012/sync_depth_00030.png 518.8579 +/bedroom_0140/rgb_00117.jpg /bedroom_0140/sync_depth_00117.png 518.8579 +/living_room_0058/rgb_00055.jpg /living_room_0058/sync_depth_00055.png 518.8579 +/bathroom_0057/rgb_00007.jpg /bathroom_0057/sync_depth_00007.png 518.8579 +/kitchen_0035b/rgb_00177.jpg /kitchen_0035b/sync_depth_00177.png 518.8579 +/classroom_0006/rgb_00110.jpg /classroom_0006/sync_depth_00110.png 518.8579 +/office_0024/rgb_00010.jpg /office_0024/sync_depth_00010.png 518.8579 +/reception_room_0001b/rgb_00048.jpg /reception_room_0001b/sync_depth_00048.png 518.8579 +/bedroom_0050/rgb_00046.jpg /bedroom_0050/sync_depth_00046.png 518.8579 +/dining_room_0028/rgb_00049.jpg /dining_room_0028/sync_depth_00049.png 518.8579 +/dining_room_0007/rgb_00089.jpg /dining_room_0007/sync_depth_00089.png 518.8579 +/bedroom_0140/rgb_00100.jpg /bedroom_0140/sync_depth_00100.png 518.8579 +/bedroom_0078/rgb_00046.jpg /bedroom_0078/sync_depth_00046.png 518.8579 +/bedroom_0071/rgb_00117.jpg /bedroom_0071/sync_depth_00117.png 518.8579 +/home_storage_0001/rgb_00129.jpg /home_storage_0001/sync_depth_00129.png 518.8579 +/kitchen_0053/rgb_00150.jpg /kitchen_0053/sync_depth_00150.png 518.8579 +/bathroom_0033/rgb_00000.jpg /bathroom_0033/sync_depth_00000.png 518.8579 +/dining_room_0016/rgb_00139.jpg /dining_room_0016/sync_depth_00139.png 518.8579 +/bookstore_0001e/rgb_00104.jpg /bookstore_0001e/sync_depth_00104.png 518.8579 +/bedroom_0080/rgb_00061.jpg /bedroom_0080/sync_depth_00061.png 518.8579 +/dining_room_0028/rgb_00139.jpg /dining_room_0028/sync_depth_00139.png 518.8579 +/bedroom_0104/rgb_00122.jpg /bedroom_0104/sync_depth_00122.png 518.8579 +/office_0009/rgb_00053.jpg /office_0009/sync_depth_00053.png 518.8579 +/bedroom_0078/rgb_00021.jpg /bedroom_0078/sync_depth_00021.png 518.8579 +/bathroom_0001/rgb_00003.jpg /bathroom_0001/sync_depth_00003.png 518.8579 +/bookstore_0001j/rgb_00118.jpg /bookstore_0001j/sync_depth_00118.png 518.8579 +/bedroom_0079/rgb_00009.jpg /bedroom_0079/sync_depth_00009.png 518.8579 +/office_0018/rgb_00018.jpg /office_0018/sync_depth_00018.png 518.8579 +/bedroom_0029/rgb_00039.jpg /bedroom_0029/sync_depth_00039.png 518.8579 +/bathroom_0006/rgb_00014.jpg /bathroom_0006/sync_depth_00014.png 518.8579 +/nyu_office_0/rgb_00053.jpg /nyu_office_0/sync_depth_00053.png 518.8579 +/dining_room_0033/rgb_00084.jpg /dining_room_0033/sync_depth_00084.png 518.8579 +/bookstore_0001g/rgb_00171.jpg /bookstore_0001g/sync_depth_00171.png 518.8579 +/living_room_0050/rgb_00108.jpg /living_room_0050/sync_depth_00108.png 518.8579 +/study_room_0004/rgb_00114.jpg /study_room_0004/sync_depth_00114.png 518.8579 +/kitchen_0035b/rgb_00191.jpg /kitchen_0035b/sync_depth_00191.png 518.8579 +/dining_room_0001b/rgb_00128.jpg /dining_room_0001b/sync_depth_00128.png 518.8579 +/bedroom_0039/rgb_00021.jpg /bedroom_0039/sync_depth_00021.png 518.8579 +/bathroom_0048/rgb_00036.jpg /bathroom_0048/sync_depth_00036.png 518.8579 +/living_room_0022/rgb_00027.jpg /living_room_0022/sync_depth_00027.png 518.8579 +/bedroom_0076a/rgb_00102.jpg /bedroom_0076a/sync_depth_00102.png 518.8579 +/home_office_0006/rgb_00033.jpg /home_office_0006/sync_depth_00033.png 518.8579 +/living_room_0046a/rgb_00078.jpg /living_room_0046a/sync_depth_00078.png 518.8579 +/bookstore_0001h/rgb_00157.jpg /bookstore_0001h/sync_depth_00157.png 518.8579 +/living_room_0005/rgb_00121.jpg /living_room_0005/sync_depth_00121.png 518.8579 +/furniture_store_0002b/rgb_00002.jpg /furniture_store_0002b/sync_depth_00002.png 518.8579 +/dining_room_0016/rgb_00064.jpg /dining_room_0016/sync_depth_00064.png 518.8579 +/furniture_store_0002a/rgb_00088.jpg /furniture_store_0002a/sync_depth_00088.png 518.8579 +/classroom_0012/rgb_00050.jpg /classroom_0012/sync_depth_00050.png 518.8579 +/living_room_0046b/rgb_00009.jpg /living_room_0046b/sync_depth_00009.png 518.8579 +/living_room_0018/rgb_00040.jpg /living_room_0018/sync_depth_00040.png 518.8579 +/living_room_0050/rgb_00227.jpg /living_room_0050/sync_depth_00227.png 518.8579 +/bedroom_0078/rgb_00169.jpg /bedroom_0078/sync_depth_00169.png 518.8579 +/dining_room_0029/rgb_00022.jpg /dining_room_0029/sync_depth_00022.png 518.8579 +/reception_room_0002/rgb_00034.jpg /reception_room_0002/sync_depth_00034.png 518.8579 +/living_room_0050/rgb_00105.jpg /living_room_0050/sync_depth_00105.png 518.8579 +/kitchen_0006/rgb_00041.jpg /kitchen_0006/sync_depth_00041.png 518.8579 +/bedroom_0076a/rgb_00261.jpg /bedroom_0076a/sync_depth_00261.png 518.8579 +/kitchen_0031/rgb_00144.jpg /kitchen_0031/sync_depth_00144.png 518.8579 +/living_room_0069a/rgb_00054.jpg /living_room_0069a/sync_depth_00054.png 518.8579 +/bedroom_0059/rgb_00022.jpg /bedroom_0059/sync_depth_00022.png 518.8579 +/bedroom_0052/rgb_00206.jpg /bedroom_0052/sync_depth_00206.png 518.8579 +/kitchen_0033/rgb_00039.jpg /kitchen_0033/sync_depth_00039.png 518.8579 +/living_room_0050/rgb_00086.jpg /living_room_0050/sync_depth_00086.png 518.8579 +/printer_room_0001/rgb_00058.jpg /printer_room_0001/sync_depth_00058.png 518.8579 +/cafe_0001b/rgb_00068.jpg /cafe_0001b/sync_depth_00068.png 518.8579 +/playroom_0006/rgb_00091.jpg /playroom_0006/sync_depth_00091.png 518.8579 +/kitchen_0031/rgb_00159.jpg /kitchen_0031/sync_depth_00159.png 518.8579 +/kitchen_0029c/rgb_00148.jpg /kitchen_0029c/sync_depth_00148.png 518.8579 +/living_room_0063/rgb_00039.jpg /living_room_0063/sync_depth_00039.png 518.8579 +/student_lounge_0001/rgb_00246.jpg /student_lounge_0001/sync_depth_00246.png 518.8579 +/kitchen_0050/rgb_00147.jpg /kitchen_0050/sync_depth_00147.png 518.8579 +/home_office_0007/rgb_00047.jpg /home_office_0007/sync_depth_00047.png 518.8579 +/kitchen_0011a/rgb_00132.jpg /kitchen_0011a/sync_depth_00132.png 518.8579 +/living_room_0018/rgb_00172.jpg /living_room_0018/sync_depth_00172.png 518.8579 +/student_lounge_0001/rgb_00221.jpg /student_lounge_0001/sync_depth_00221.png 518.8579 +/bedroom_0025/rgb_00093.jpg /bedroom_0025/sync_depth_00093.png 518.8579 +/bedroom_0078/rgb_00135.jpg /bedroom_0078/sync_depth_00135.png 518.8579 +/living_room_0058/rgb_00077.jpg /living_room_0058/sync_depth_00077.png 518.8579 +/living_room_0004/rgb_00047.jpg /living_room_0004/sync_depth_00047.png 518.8579 +/dinette_0001/rgb_00086.jpg /dinette_0001/sync_depth_00086.png 518.8579 +/living_room_0047b/rgb_00108.jpg /living_room_0047b/sync_depth_00108.png 518.8579 +/living_room_0004/rgb_00043.jpg /living_room_0004/sync_depth_00043.png 518.8579 +/kitchen_0051/rgb_00280.jpg /kitchen_0051/sync_depth_00280.png 518.8579 +/kitchen_0029c/rgb_00070.jpg /kitchen_0029c/sync_depth_00070.png 518.8579 +/dining_room_0007/rgb_00152.jpg /dining_room_0007/sync_depth_00152.png 518.8579 +/living_room_0055/rgb_00028.jpg /living_room_0055/sync_depth_00028.png 518.8579 +/classroom_0004/rgb_00073.jpg /classroom_0004/sync_depth_00073.png 518.8579 +/bedroom_0079/rgb_00012.jpg /bedroom_0079/sync_depth_00012.png 518.8579 +/kitchen_0053/rgb_00064.jpg /kitchen_0053/sync_depth_00064.png 518.8579 +/bedroom_0140/rgb_00114.jpg /bedroom_0140/sync_depth_00114.png 518.8579 +/bedroom_0056a/rgb_00013.jpg /bedroom_0056a/sync_depth_00013.png 518.8579 +/classroom_0010/rgb_00052.jpg /classroom_0010/sync_depth_00052.png 518.8579 +/kitchen_0045a/rgb_00148.jpg /kitchen_0045a/sync_depth_00148.png 518.8579 +/playroom_0002/rgb_00051.jpg /playroom_0002/sync_depth_00051.png 518.8579 +/reception_room_0002/rgb_00008.jpg /reception_room_0002/sync_depth_00008.png 518.8579 +/bookstore_0001g/rgb_00059.jpg /bookstore_0001g/sync_depth_00059.png 518.8579 +/bedroom_0052/rgb_00203.jpg /bedroom_0052/sync_depth_00203.png 518.8579 +/bedroom_0072/rgb_00070.jpg /bedroom_0072/sync_depth_00070.png 518.8579 +/living_room_0029/rgb_00121.jpg /living_room_0029/sync_depth_00121.png 518.8579 +/furniture_store_0002b/rgb_00069.jpg /furniture_store_0002b/sync_depth_00069.png 518.8579 +/bookstore_0001j/rgb_00167.jpg /bookstore_0001j/sync_depth_00167.png 518.8579 +/dining_room_0004/rgb_00015.jpg /dining_room_0004/sync_depth_00015.png 518.8579 +/kitchen_0060/rgb_00104.jpg /kitchen_0060/sync_depth_00104.png 518.8579 +/bedroom_0014/rgb_00027.jpg /bedroom_0014/sync_depth_00027.png 518.8579 +/bookstore_0001g/rgb_00226.jpg /bookstore_0001g/sync_depth_00226.png 518.8579 +/bedroom_0125b/rgb_00020.jpg /bedroom_0125b/sync_depth_00020.png 518.8579 +/dining_room_0019/rgb_00078.jpg /dining_room_0019/sync_depth_00078.png 518.8579 +/bedroom_0052/rgb_00013.jpg /bedroom_0052/sync_depth_00013.png 518.8579 +/dining_room_0031/rgb_00408.jpg /dining_room_0031/sync_depth_00408.png 518.8579 +/bookstore_0001j/rgb_00080.jpg /bookstore_0001j/sync_depth_00080.png 518.8579 +/bedroom_0081/rgb_00004.jpg /bedroom_0081/sync_depth_00004.png 518.8579 +/indoor_balcony_0001/rgb_00021.jpg /indoor_balcony_0001/sync_depth_00021.png 518.8579 +/classroom_0011/rgb_00063.jpg /classroom_0011/sync_depth_00063.png 518.8579 +/reception_room_0002/rgb_00012.jpg /reception_room_0002/sync_depth_00012.png 518.8579 +/dining_room_0016/rgb_00190.jpg /dining_room_0016/sync_depth_00190.png 518.8579 +/kitchen_0010/rgb_00113.jpg /kitchen_0010/sync_depth_00113.png 518.8579 +/office_0024/rgb_00058.jpg /office_0024/sync_depth_00058.png 518.8579 +/living_room_0078/rgb_00143.jpg /living_room_0078/sync_depth_00143.png 518.8579 +/bathroom_0048/rgb_00002.jpg /bathroom_0048/sync_depth_00002.png 518.8579 +/bookstore_0001e/rgb_00096.jpg /bookstore_0001e/sync_depth_00096.png 518.8579 +/kitchen_0011a/rgb_00123.jpg /kitchen_0011a/sync_depth_00123.png 518.8579 +/study_room_0004/rgb_00130.jpg /study_room_0004/sync_depth_00130.png 518.8579 +/living_room_0018/rgb_00127.jpg /living_room_0018/sync_depth_00127.png 518.8579 +/bedroom_0074/rgb_00082.jpg /bedroom_0074/sync_depth_00082.png 518.8579 +/living_room_0029/rgb_00105.jpg /living_room_0029/sync_depth_00105.png 518.8579 +/bedroom_0104/rgb_00073.jpg /bedroom_0104/sync_depth_00073.png 518.8579 +/bedroom_0078/rgb_00078.jpg /bedroom_0078/sync_depth_00078.png 518.8579 +/living_room_0038/rgb_00012.jpg /living_room_0038/sync_depth_00012.png 518.8579 +/playroom_0006/rgb_00012.jpg /playroom_0006/sync_depth_00012.png 518.8579 +/bedroom_0012/rgb_00046.jpg /bedroom_0012/sync_depth_00046.png 518.8579 +/home_office_0007/rgb_00039.jpg /home_office_0007/sync_depth_00039.png 518.8579 +/dining_room_0001b/rgb_00121.jpg /dining_room_0001b/sync_depth_00121.png 518.8579 +/living_room_0029/rgb_00094.jpg /living_room_0029/sync_depth_00094.png 518.8579 +/kitchen_0043/rgb_00068.jpg /kitchen_0043/sync_depth_00068.png 518.8579 +/bedroom_0076a/rgb_00009.jpg /bedroom_0076a/sync_depth_00009.png 518.8579 +/bedroom_0019/rgb_00021.jpg /bedroom_0019/sync_depth_00021.png 518.8579 +/kitchen_0053/rgb_00173.jpg /kitchen_0053/sync_depth_00173.png 518.8579 +/office_kitchen_0001b/rgb_00066.jpg /office_kitchen_0001b/sync_depth_00066.png 518.8579 +/bookstore_0001f/rgb_00370.jpg /bookstore_0001f/sync_depth_00370.png 518.8579 +/playroom_0004/rgb_00105.jpg /playroom_0004/sync_depth_00105.png 518.8579 +/kitchen_0060/rgb_00033.jpg /kitchen_0060/sync_depth_00033.png 518.8579 +/dining_room_0001b/rgb_00168.jpg /dining_room_0001b/sync_depth_00168.png 518.8579 +/bedroom_0076a/rgb_00046.jpg /bedroom_0076a/sync_depth_00046.png 518.8579 +/living_room_0010/rgb_00121.jpg /living_room_0010/sync_depth_00121.png 518.8579 +/bedroom_0113/rgb_00016.jpg /bedroom_0113/sync_depth_00016.png 518.8579 +/dining_room_0024/rgb_00108.jpg /dining_room_0024/sync_depth_00108.png 518.8579 +/bedroom_0132/rgb_00008.jpg /bedroom_0132/sync_depth_00008.png 518.8579 +/dining_room_0031/rgb_00300.jpg /dining_room_0031/sync_depth_00300.png 518.8579 +/reception_room_0001b/rgb_00017.jpg /reception_room_0001b/sync_depth_00017.png 518.8579 +/kitchen_0010/rgb_00062.jpg /kitchen_0010/sync_depth_00062.png 518.8579 +/dining_room_0028/rgb_00036.jpg /dining_room_0028/sync_depth_00036.png 518.8579 +/office_0019/rgb_00003.jpg /office_0019/sync_depth_00003.png 518.8579 +/laundry_room_0001/rgb_00037.jpg /laundry_room_0001/sync_depth_00037.png 518.8579 +/furniture_store_0002a/rgb_00270.jpg /furniture_store_0002a/sync_depth_00270.png 518.8579 +/kitchen_0041/rgb_00001.jpg /kitchen_0041/sync_depth_00001.png 518.8579 +/bedroom_0020/rgb_00020.jpg /bedroom_0020/sync_depth_00020.png 518.8579 +/nyu_office_0/rgb_00178.jpg /nyu_office_0/sync_depth_00178.png 518.8579 +/kitchen_0053/rgb_00023.jpg /kitchen_0053/sync_depth_00023.png 518.8579 +/dining_room_0028/rgb_00044.jpg /dining_room_0028/sync_depth_00044.png 518.8579 +/living_room_0040/rgb_00260.jpg /living_room_0040/sync_depth_00260.png 518.8579 +/dining_room_0015/rgb_00055.jpg /dining_room_0015/sync_depth_00055.png 518.8579 +/kitchen_0008/rgb_00027.jpg /kitchen_0008/sync_depth_00027.png 518.8579 +/kitchen_0033/rgb_00052.jpg /kitchen_0033/sync_depth_00052.png 518.8579 +/kitchen_0029b/rgb_00050.jpg /kitchen_0029b/sync_depth_00050.png 518.8579 +/bathroom_0053/rgb_00026.jpg /bathroom_0053/sync_depth_00026.png 518.8579 +/living_room_0012/rgb_00079.jpg /living_room_0012/sync_depth_00079.png 518.8579 +/bookstore_0001g/rgb_00219.jpg /bookstore_0001g/sync_depth_00219.png 518.8579 +/living_room_0022/rgb_00068.jpg /living_room_0022/sync_depth_00068.png 518.8579 +/living_room_0070/rgb_00021.jpg /living_room_0070/sync_depth_00021.png 518.8579 +/kitchen_0035b/rgb_00114.jpg /kitchen_0035b/sync_depth_00114.png 518.8579 +/dining_room_0029/rgb_00064.jpg /dining_room_0029/sync_depth_00064.png 518.8579 +/living_room_0069a/rgb_00067.jpg /living_room_0069a/sync_depth_00067.png 518.8579 +/kitchen_0060/rgb_00101.jpg /kitchen_0060/sync_depth_00101.png 518.8579 +/dining_room_0029/rgb_00051.jpg /dining_room_0029/sync_depth_00051.png 518.8579 +/kitchen_0029c/rgb_00152.jpg /kitchen_0029c/sync_depth_00152.png 518.8579 +/kitchen_0019a/rgb_00001.jpg /kitchen_0019a/sync_depth_00001.png 518.8579 +/nyu_office_1/rgb_00055.jpg /nyu_office_1/sync_depth_00055.png 518.8579 +/kitchen_0051/rgb_00020.jpg /kitchen_0051/sync_depth_00020.png 518.8579 +/reception_room_0004/rgb_00053.jpg /reception_room_0004/sync_depth_00053.png 518.8579 +/classroom_0006/rgb_00029.jpg /classroom_0006/sync_depth_00029.png 518.8579 +/bedroom_0050/rgb_00101.jpg /bedroom_0050/sync_depth_00101.png 518.8579 +/living_room_0012/rgb_00056.jpg /living_room_0012/sync_depth_00056.png 518.8579 +/basement_0001a/rgb_00067.jpg /basement_0001a/sync_depth_00067.png 518.8579 +/bedroom_0028/rgb_00027.jpg /bedroom_0028/sync_depth_00027.png 518.8579 +/living_room_0004/rgb_00114.jpg /living_room_0004/sync_depth_00114.png 518.8579 +/bathroom_0023/rgb_00001.jpg /bathroom_0023/sync_depth_00001.png 518.8579 +/bathroom_0028/rgb_00154.jpg /bathroom_0028/sync_depth_00154.png 518.8579 +/bedroom_0063/rgb_00064.jpg /bedroom_0063/sync_depth_00064.png 518.8579 +/living_room_0050/rgb_00033.jpg /living_room_0050/sync_depth_00033.png 518.8579 +/kitchen_0011b/rgb_00014.jpg /kitchen_0011b/sync_depth_00014.png 518.8579 +/living_room_0069b/rgb_00033.jpg /living_room_0069b/sync_depth_00033.png 518.8579 +/bathroom_0041/rgb_00073.jpg /bathroom_0041/sync_depth_00073.png 518.8579 +/bedroom_0016/rgb_00201.jpg /bedroom_0016/sync_depth_00201.png 518.8579 +/kitchen_0031/rgb_00134.jpg /kitchen_0031/sync_depth_00134.png 518.8579 +/living_room_0005/rgb_00148.jpg /living_room_0005/sync_depth_00148.png 518.8579 +/bathroom_0028/rgb_00170.jpg /bathroom_0028/sync_depth_00170.png 518.8579 +/bedroom_0072/rgb_00173.jpg /bedroom_0072/sync_depth_00173.png 518.8579 +/living_room_0040/rgb_00180.jpg /living_room_0040/sync_depth_00180.png 518.8579 +/dining_room_0012/rgb_00234.jpg /dining_room_0012/sync_depth_00234.png 518.8579 +/bedroom_0033/rgb_00121.jpg /bedroom_0033/sync_depth_00121.png 518.8579 +/kitchen_0010/rgb_00010.jpg /kitchen_0010/sync_depth_00010.png 518.8579 +/office_kitchen_0003/rgb_00059.jpg /office_kitchen_0003/sync_depth_00059.png 518.8579 +/reception_room_0001b/rgb_00074.jpg /reception_room_0001b/sync_depth_00074.png 518.8579 +/bedroom_0004/rgb_00121.jpg /bedroom_0004/sync_depth_00121.png 518.8579 +/classroom_0006/rgb_00132.jpg /classroom_0006/sync_depth_00132.png 518.8579 +/living_room_0083/rgb_00068.jpg /living_room_0083/sync_depth_00068.png 518.8579 +/living_room_0039/rgb_00123.jpg /living_room_0039/sync_depth_00123.png 518.8579 +/home_office_0006/rgb_00013.jpg /home_office_0006/sync_depth_00013.png 518.8579 +/living_room_0058/rgb_00101.jpg /living_room_0058/sync_depth_00101.png 518.8579 +/bedroom_0051/rgb_00125.jpg /bedroom_0051/sync_depth_00125.png 518.8579 +/dining_room_0034/rgb_00019.jpg /dining_room_0034/sync_depth_00019.png 518.8579 +/bathroom_0034/rgb_00005.jpg /bathroom_0034/sync_depth_00005.png 518.8579 +/bedroom_0056a/rgb_00035.jpg /bedroom_0056a/sync_depth_00035.png 518.8579 +/bedroom_0130/rgb_00044.jpg /bedroom_0130/sync_depth_00044.png 518.8579 +/bedroom_0072/rgb_00022.jpg /bedroom_0072/sync_depth_00022.png 518.8579 +/office_kitchen_0001b/rgb_00022.jpg /office_kitchen_0001b/sync_depth_00022.png 518.8579 +/kitchen_0048/rgb_00166.jpg /kitchen_0048/sync_depth_00166.png 518.8579 +/living_room_0050/rgb_00204.jpg /living_room_0050/sync_depth_00204.png 518.8579 +/bookstore_0001i/rgb_00028.jpg /bookstore_0001i/sync_depth_00028.png 518.8579 +/bathroom_0057/rgb_00004.jpg /bathroom_0057/sync_depth_00004.png 518.8579 +/bedroom_0050/rgb_00126.jpg /bedroom_0050/sync_depth_00126.png 518.8579 +/living_room_0020/rgb_00142.jpg /living_room_0020/sync_depth_00142.png 518.8579 +/kitchen_0029b/rgb_00010.jpg /kitchen_0029b/sync_depth_00010.png 518.8579 +/living_room_0069a/rgb_00015.jpg /living_room_0069a/sync_depth_00015.png 518.8579 +/dining_room_0033/rgb_00006.jpg /dining_room_0033/sync_depth_00006.png 518.8579 +/living_room_0078/rgb_00148.jpg /living_room_0078/sync_depth_00148.png 518.8579 +/bedroom_0051/rgb_00198.jpg /bedroom_0051/sync_depth_00198.png 518.8579 +/excercise_room_0001/rgb_00010.jpg /excercise_room_0001/sync_depth_00010.png 518.8579 +/living_room_0058/rgb_00043.jpg /living_room_0058/sync_depth_00043.png 518.8579 +/bedroom_0040/rgb_00061.jpg /bedroom_0040/sync_depth_00061.png 518.8579 +/dining_room_0016/rgb_00215.jpg /dining_room_0016/sync_depth_00215.png 518.8579 +/bedroom_0039/rgb_00028.jpg /bedroom_0039/sync_depth_00028.png 518.8579 +/bathroom_0030/rgb_00048.jpg /bathroom_0030/sync_depth_00048.png 518.8579 +/bathroom_0007/rgb_00041.jpg /bathroom_0007/sync_depth_00041.png 518.8579 +/study_0006/rgb_00031.jpg /study_0006/sync_depth_00031.png 518.8579 +/bathroom_0039/rgb_00052.jpg /bathroom_0039/sync_depth_00052.png 518.8579 +/living_room_0042a/rgb_00033.jpg /living_room_0042a/sync_depth_00033.png 518.8579 +/bedroom_0067b/rgb_00021.jpg /bedroom_0067b/sync_depth_00021.png 518.8579 +/living_room_0006/rgb_00001.jpg /living_room_0006/sync_depth_00001.png 518.8579 +/living_room_0011/rgb_00097.jpg /living_room_0011/sync_depth_00097.png 518.8579 +/classroom_0018/rgb_00054.jpg /classroom_0018/sync_depth_00054.png 518.8579 +/playroom_0004/rgb_00014.jpg /playroom_0004/sync_depth_00014.png 518.8579 +/living_room_0050/rgb_00056.jpg /living_room_0050/sync_depth_00056.png 518.8579 +/kitchen_0047/rgb_00138.jpg /kitchen_0047/sync_depth_00138.png 518.8579 +/bedroom_0028/rgb_00057.jpg /bedroom_0028/sync_depth_00057.png 518.8579 +/furniture_store_0002b/rgb_00242.jpg /furniture_store_0002b/sync_depth_00242.png 518.8579 +/living_room_0069a/rgb_00005.jpg /living_room_0069a/sync_depth_00005.png 518.8579 +/bedroom_0034/rgb_00011.jpg /bedroom_0034/sync_depth_00011.png 518.8579 +/living_room_0047b/rgb_00156.jpg /living_room_0047b/sync_depth_00156.png 518.8579 +/classroom_0004/rgb_00035.jpg /classroom_0004/sync_depth_00035.png 518.8579 +/bookstore_0001d/rgb_00295.jpg /bookstore_0001d/sync_depth_00295.png 518.8579 +/nyu_office_0/rgb_00404.jpg /nyu_office_0/sync_depth_00404.png 518.8579 +/reception_room_0001a/rgb_00058.jpg /reception_room_0001a/sync_depth_00058.png 518.8579 +/bathroom_0033/rgb_00021.jpg /bathroom_0033/sync_depth_00021.png 518.8579 +/home_office_0004/rgb_00023.jpg /home_office_0004/sync_depth_00023.png 518.8579 +/living_room_0058/rgb_00206.jpg /living_room_0058/sync_depth_00206.png 518.8579 +/kitchen_0048/rgb_00175.jpg /kitchen_0048/sync_depth_00175.png 518.8579 +/study_room_0004/rgb_00011.jpg /study_room_0004/sync_depth_00011.png 518.8579 +/dining_room_0007/rgb_00098.jpg /dining_room_0007/sync_depth_00098.png 518.8579 +/conference_room_0001/rgb_00120.jpg /conference_room_0001/sync_depth_00120.png 518.8579 +/student_lounge_0001/rgb_00164.jpg /student_lounge_0001/sync_depth_00164.png 518.8579 +/dining_room_0023/rgb_00026.jpg /dining_room_0023/sync_depth_00026.png 518.8579 +/kitchen_0031/rgb_00200.jpg /kitchen_0031/sync_depth_00200.png 518.8579 +/dining_room_0012/rgb_00021.jpg /dining_room_0012/sync_depth_00021.png 518.8579 +/living_room_0058/rgb_00135.jpg /living_room_0058/sync_depth_00135.png 518.8579 +/kitchen_0047/rgb_00000.jpg /kitchen_0047/sync_depth_00000.png 518.8579 +/living_room_0058/rgb_00212.jpg /living_room_0058/sync_depth_00212.png 518.8579 +/living_room_0020/rgb_00052.jpg /living_room_0020/sync_depth_00052.png 518.8579 +/playroom_0003/rgb_00086.jpg /playroom_0003/sync_depth_00086.png 518.8579 +/home_office_0008/rgb_00065.jpg /home_office_0008/sync_depth_00065.png 518.8579 +/classroom_0012/rgb_00004.jpg /classroom_0012/sync_depth_00004.png 518.8579 +/furniture_store_0001d/rgb_00184.jpg /furniture_store_0001d/sync_depth_00184.png 518.8579 +/living_room_0069b/rgb_00065.jpg /living_room_0069b/sync_depth_00065.png 518.8579 +/basement_0001a/rgb_00010.jpg /basement_0001a/sync_depth_00010.png 518.8579 +/living_room_0019/rgb_00240.jpg /living_room_0019/sync_depth_00240.png 518.8579 +/bedroom_0063/rgb_00004.jpg /bedroom_0063/sync_depth_00004.png 518.8579 +/bathroom_0041/rgb_00018.jpg /bathroom_0041/sync_depth_00018.png 518.8579 +/dining_room_0023/rgb_00004.jpg /dining_room_0023/sync_depth_00004.png 518.8579 +/kitchen_0060/rgb_00017.jpg /kitchen_0060/sync_depth_00017.png 518.8579 +/bookstore_0001g/rgb_00232.jpg /bookstore_0001g/sync_depth_00232.png 518.8579 +/bedroom_0079/rgb_00055.jpg /bedroom_0079/sync_depth_00055.png 518.8579 +/conference_room_0002/rgb_00038.jpg /conference_room_0002/sync_depth_00038.png 518.8579 +/living_room_0038/rgb_00044.jpg /living_room_0038/sync_depth_00044.png 518.8579 +/office_0026/rgb_00157.jpg /office_0026/sync_depth_00157.png 518.8579 +/bedroom_0069/rgb_00121.jpg /bedroom_0069/sync_depth_00121.png 518.8579 +/bedroom_0130/rgb_00076.jpg /bedroom_0130/sync_depth_00076.png 518.8579 +/bookstore_0001i/rgb_00131.jpg /bookstore_0001i/sync_depth_00131.png 518.8579 +/dining_room_0012/rgb_00233.jpg /dining_room_0012/sync_depth_00233.png 518.8579 +/living_room_0040/rgb_00303.jpg /living_room_0040/sync_depth_00303.png 518.8579 +/playroom_0006/rgb_00076.jpg /playroom_0006/sync_depth_00076.png 518.8579 +/student_lounge_0001/rgb_00170.jpg /student_lounge_0001/sync_depth_00170.png 518.8579 +/kitchen_0016/rgb_00119.jpg /kitchen_0016/sync_depth_00119.png 518.8579 +/bookstore_0001d/rgb_00169.jpg /bookstore_0001d/sync_depth_00169.png 518.8579 +/kitchen_0050/rgb_00030.jpg /kitchen_0050/sync_depth_00030.png 518.8579 +/nyu_office_1/rgb_00063.jpg /nyu_office_1/sync_depth_00063.png 518.8579 +/playroom_0004/rgb_00018.jpg /playroom_0004/sync_depth_00018.png 518.8579 +/kitchen_0033/rgb_00100.jpg /kitchen_0033/sync_depth_00100.png 518.8579 +/bedroom_0017/rgb_00074.jpg /bedroom_0017/sync_depth_00074.png 518.8579 +/living_room_0020/rgb_00084.jpg /living_room_0020/sync_depth_00084.png 518.8579 +/living_room_0038/rgb_00075.jpg /living_room_0038/sync_depth_00075.png 518.8579 +/furniture_store_0002a/rgb_00075.jpg /furniture_store_0002a/sync_depth_00075.png 518.8579 +/bedroom_0025/rgb_00052.jpg /bedroom_0025/sync_depth_00052.png 518.8579 +/dining_room_0008/rgb_00165.jpg /dining_room_0008/sync_depth_00165.png 518.8579 +/kitchen_0031/rgb_00060.jpg /kitchen_0031/sync_depth_00060.png 518.8579 +/bookstore_0001e/rgb_00162.jpg /bookstore_0001e/sync_depth_00162.png 518.8579 +/living_room_0022/rgb_00399.jpg /living_room_0022/sync_depth_00399.png 518.8579 +/classroom_0005/rgb_00004.jpg /classroom_0005/sync_depth_00004.png 518.8579 +/bathroom_0028/rgb_00151.jpg /bathroom_0028/sync_depth_00151.png 518.8579 +/bedroom_0056a/rgb_00076.jpg /bedroom_0056a/sync_depth_00076.png 518.8579 +/kitchen_0028a/rgb_00049.jpg /kitchen_0028a/sync_depth_00049.png 518.8579 +/bedroom_0028/rgb_00025.jpg /bedroom_0028/sync_depth_00025.png 518.8579 +/living_room_0078/rgb_00048.jpg /living_room_0078/sync_depth_00048.png 518.8579 +/office_0026/rgb_00014.jpg /office_0026/sync_depth_00014.png 518.8579 +/furniture_store_0001a/rgb_00031.jpg /furniture_store_0001a/sync_depth_00031.png 518.8579 +/bedroom_0076a/rgb_00191.jpg /bedroom_0076a/sync_depth_00191.png 518.8579 +/living_room_0046b/rgb_00103.jpg /living_room_0046b/sync_depth_00103.png 518.8579 +/bathroom_0039/rgb_00024.jpg /bathroom_0039/sync_depth_00024.png 518.8579 +/bathroom_0019/rgb_00082.jpg /bathroom_0019/sync_depth_00082.png 518.8579 +/living_room_0006/rgb_00003.jpg /living_room_0006/sync_depth_00003.png 518.8579 +/playroom_0004/rgb_00035.jpg /playroom_0004/sync_depth_00035.png 518.8579 +/dining_room_0028/rgb_00002.jpg /dining_room_0028/sync_depth_00002.png 518.8579 +/living_room_0022/rgb_00243.jpg /living_room_0022/sync_depth_00243.png 518.8579 +/bedroom_0019/rgb_00045.jpg /bedroom_0019/sync_depth_00045.png 518.8579 +/kitchen_0029c/rgb_00179.jpg /kitchen_0029c/sync_depth_00179.png 518.8579 +/bookstore_0001i/rgb_00127.jpg /bookstore_0001i/sync_depth_00127.png 518.8579 +/office_0011/rgb_00150.jpg /office_0011/sync_depth_00150.png 518.8579 +/living_room_0046b/rgb_00033.jpg /living_room_0046b/sync_depth_00033.png 518.8579 +/bedroom_0020/rgb_00090.jpg /bedroom_0020/sync_depth_00090.png 518.8579 +/bedroom_0106/rgb_00099.jpg /bedroom_0106/sync_depth_00099.png 518.8579 +/dining_room_0031/rgb_00301.jpg /dining_room_0031/sync_depth_00301.png 518.8579 +/office_0006/rgb_00154.jpg /office_0006/sync_depth_00154.png 518.8579 +/reception_room_0004/rgb_00028.jpg /reception_room_0004/sync_depth_00028.png 518.8579 +/kitchen_0045a/rgb_00044.jpg /kitchen_0045a/sync_depth_00044.png 518.8579 +/bedroom_0029/rgb_00067.jpg /bedroom_0029/sync_depth_00067.png 518.8579 +/kitchen_0033/rgb_00132.jpg /kitchen_0033/sync_depth_00132.png 518.8579 +/home_office_0004/rgb_00035.jpg /home_office_0004/sync_depth_00035.png 518.8579 +/bathroom_0028/rgb_00065.jpg /bathroom_0028/sync_depth_00065.png 518.8579 +/playroom_0003/rgb_00181.jpg /playroom_0003/sync_depth_00181.png 518.8579 +/kitchen_0052/rgb_00125.jpg /kitchen_0052/sync_depth_00125.png 518.8579 +/bedroom_0074/rgb_00122.jpg /bedroom_0074/sync_depth_00122.png 518.8579 +/bedroom_0019/rgb_00010.jpg /bedroom_0019/sync_depth_00010.png 518.8579 +/bathroom_0007/rgb_00067.jpg /bathroom_0007/sync_depth_00067.png 518.8579 +/office_0021/rgb_00059.jpg /office_0021/sync_depth_00059.png 518.8579 +/home_office_0005/rgb_00062.jpg /home_office_0005/sync_depth_00062.png 518.8579 +/bookstore_0001f/rgb_00106.jpg /bookstore_0001f/sync_depth_00106.png 518.8579 +/office_0021/rgb_00037.jpg /office_0021/sync_depth_00037.png 518.8579 +/reception_room_0002/rgb_00082.jpg /reception_room_0002/sync_depth_00082.png 518.8579 +/classroom_0018/rgb_00040.jpg /classroom_0018/sync_depth_00040.png 518.8579 +/bathroom_0010/rgb_00016.jpg /bathroom_0010/sync_depth_00016.png 518.8579 +/bookstore_0001f/rgb_00277.jpg /bookstore_0001f/sync_depth_00277.png 518.8579 +/kitchen_0011a/rgb_00141.jpg /kitchen_0011a/sync_depth_00141.png 518.8579 +/bedroom_0029/rgb_00058.jpg /bedroom_0029/sync_depth_00058.png 518.8579 +/home_office_0006/rgb_00143.jpg /home_office_0006/sync_depth_00143.png 518.8579 +/bedroom_0076a/rgb_00229.jpg /bedroom_0076a/sync_depth_00229.png 518.8579 +/living_room_0022/rgb_00056.jpg /living_room_0022/sync_depth_00056.png 518.8579 +/kitchen_0028a/rgb_00172.jpg /kitchen_0028a/sync_depth_00172.png 518.8579 +/bedroom_0138/rgb_00061.jpg /bedroom_0138/sync_depth_00061.png 518.8579 +/living_room_0050/rgb_00233.jpg /living_room_0050/sync_depth_00233.png 518.8579 +/bedroom_0021/rgb_00082.jpg /bedroom_0021/sync_depth_00082.png 518.8579 +/dining_room_0013/rgb_00115.jpg /dining_room_0013/sync_depth_00115.png 518.8579 +/dining_room_0004/rgb_00024.jpg /dining_room_0004/sync_depth_00024.png 518.8579 +/dining_room_0016/rgb_00074.jpg /dining_room_0016/sync_depth_00074.png 518.8579 +/bathroom_0016/rgb_00023.jpg /bathroom_0016/sync_depth_00023.png 518.8579 +/bookstore_0001f/rgb_00467.jpg /bookstore_0001f/sync_depth_00467.png 518.8579 +/living_room_0058/rgb_00218.jpg /living_room_0058/sync_depth_00218.png 518.8579 +/bedroom_0039/rgb_00027.jpg /bedroom_0039/sync_depth_00027.png 518.8579 +/bedroom_0016/rgb_00109.jpg /bedroom_0016/sync_depth_00109.png 518.8579 +/bedroom_0098/rgb_00018.jpg /bedroom_0098/sync_depth_00018.png 518.8579 +/living_room_0085/rgb_00020.jpg /living_room_0085/sync_depth_00020.png 518.8579 +/kitchen_0029a/rgb_00001.jpg /kitchen_0029a/sync_depth_00001.png 518.8579 +/playroom_0003/rgb_00184.jpg /playroom_0003/sync_depth_00184.png 518.8579 +/bedroom_0104/rgb_00029.jpg /bedroom_0104/sync_depth_00029.png 518.8579 +/living_room_0020/rgb_00102.jpg /living_room_0020/sync_depth_00102.png 518.8579 +/bedroom_0019/rgb_00143.jpg /bedroom_0019/sync_depth_00143.png 518.8579 +/living_room_0069b/rgb_00036.jpg /living_room_0069b/sync_depth_00036.png 518.8579 +/bookstore_0001d/rgb_00077.jpg /bookstore_0001d/sync_depth_00077.png 518.8579 +/office_0019/rgb_00020.jpg /office_0019/sync_depth_00020.png 518.8579 +/bookstore_0001d/rgb_00276.jpg /bookstore_0001d/sync_depth_00276.png 518.8579 +/living_room_0032/rgb_00029.jpg /living_room_0032/sync_depth_00029.png 518.8579 +/bedroom_0033/rgb_00085.jpg /bedroom_0033/sync_depth_00085.png 518.8579 +/dining_room_0001b/rgb_00005.jpg /dining_room_0001b/sync_depth_00005.png 518.8579 +/bedroom_0076a/rgb_00049.jpg /bedroom_0076a/sync_depth_00049.png 518.8579 +/bedroom_0052/rgb_00105.jpg /bedroom_0052/sync_depth_00105.png 518.8579 +/bedroom_0097/rgb_00061.jpg /bedroom_0097/sync_depth_00061.png 518.8579 +/conference_room_0001/rgb_00024.jpg /conference_room_0001/sync_depth_00024.png 518.8579 +/bedroom_0130/rgb_00003.jpg /bedroom_0130/sync_depth_00003.png 518.8579 +/dining_room_0024/rgb_00083.jpg /dining_room_0024/sync_depth_00083.png 518.8579 +/furniture_store_0001d/rgb_00142.jpg /furniture_store_0001d/sync_depth_00142.png 518.8579 +/living_room_0050/rgb_00182.jpg /living_room_0050/sync_depth_00182.png 518.8579 +/bedroom_0019/rgb_00144.jpg /bedroom_0019/sync_depth_00144.png 518.8579 +/bookstore_0001h/rgb_00125.jpg /bookstore_0001h/sync_depth_00125.png 518.8579 +/bathroom_0019/rgb_00046.jpg /bathroom_0019/sync_depth_00046.png 518.8579 +/furniture_store_0002b/rgb_00231.jpg /furniture_store_0002b/sync_depth_00231.png 518.8579 +/bathroom_0053/rgb_00033.jpg /bathroom_0053/sync_depth_00033.png 518.8579 +/bedroom_0138/rgb_00099.jpg /bedroom_0138/sync_depth_00099.png 518.8579 +/bedroom_0025/rgb_00094.jpg /bedroom_0025/sync_depth_00094.png 518.8579 +/bathroom_0024/rgb_00027.jpg /bathroom_0024/sync_depth_00027.png 518.8579 +/classroom_0022/rgb_00104.jpg /classroom_0022/sync_depth_00104.png 518.8579 +/kitchen_0031/rgb_00066.jpg /kitchen_0031/sync_depth_00066.png 518.8579 +/kitchen_0050/rgb_00078.jpg /kitchen_0050/sync_depth_00078.png 518.8579 +/bedroom_0025/rgb_00090.jpg /bedroom_0025/sync_depth_00090.png 518.8579 +/kitchen_0041/rgb_00026.jpg /kitchen_0041/sync_depth_00026.png 518.8579 +/living_room_0055/rgb_00020.jpg /living_room_0055/sync_depth_00020.png 518.8579 +/bathroom_0042/rgb_00029.jpg /bathroom_0042/sync_depth_00029.png 518.8579 +/bedroom_0019/rgb_00099.jpg /bedroom_0019/sync_depth_00099.png 518.8579 +/living_room_0047a/rgb_00043.jpg /living_room_0047a/sync_depth_00043.png 518.8579 +/bedroom_0025/rgb_00041.jpg /bedroom_0025/sync_depth_00041.png 518.8579 +/dining_room_0028/rgb_00108.jpg /dining_room_0028/sync_depth_00108.png 518.8579 +/bookstore_0001e/rgb_00216.jpg /bookstore_0001e/sync_depth_00216.png 518.8579 +/bedroom_0025/rgb_00030.jpg /bedroom_0025/sync_depth_00030.png 518.8579 +/dining_room_0008/rgb_00030.jpg /dining_room_0008/sync_depth_00030.png 518.8579 +/living_room_0042b/rgb_00028.jpg /living_room_0042b/sync_depth_00028.png 518.8579 +/furniture_store_0001b/rgb_00104.jpg /furniture_store_0001b/sync_depth_00104.png 518.8579 +/kitchen_0033/rgb_00022.jpg /kitchen_0033/sync_depth_00022.png 518.8579 +/furniture_store_0002b/rgb_00042.jpg /furniture_store_0002b/sync_depth_00042.png 518.8579 +/bedroom_0063/rgb_00070.jpg /bedroom_0063/sync_depth_00070.png 518.8579 +/kitchen_0037/rgb_00053.jpg /kitchen_0037/sync_depth_00053.png 518.8579 +/dining_room_0015/rgb_00098.jpg /dining_room_0015/sync_depth_00098.png 518.8579 +/office_0003/rgb_00006.jpg /office_0003/sync_depth_00006.png 518.8579 +/living_room_0012/rgb_00181.jpg /living_room_0012/sync_depth_00181.png 518.8579 +/bookstore_0001g/rgb_00049.jpg /bookstore_0001g/sync_depth_00049.png 518.8579 +/classroom_0010/rgb_00028.jpg /classroom_0010/sync_depth_00028.png 518.8579 +/bedroom_0053/rgb_00098.jpg /bedroom_0053/sync_depth_00098.png 518.8579 +/home_office_0005/rgb_00081.jpg /home_office_0005/sync_depth_00081.png 518.8579 +/nyu_office_0/rgb_00337.jpg /nyu_office_0/sync_depth_00337.png 518.8579 +/bedroom_0107/rgb_00032.jpg /bedroom_0107/sync_depth_00032.png 518.8579 +/bedroom_0067b/rgb_00010.jpg /bedroom_0067b/sync_depth_00010.png 518.8579 +/living_room_0062/rgb_00173.jpg /living_room_0062/sync_depth_00173.png 518.8579 +/bathroom_0005/rgb_00045.jpg /bathroom_0005/sync_depth_00045.png 518.8579 +/bathroom_0028/rgb_00063.jpg /bathroom_0028/sync_depth_00063.png 518.8579 +/bedroom_0052/rgb_00058.jpg /bedroom_0052/sync_depth_00058.png 518.8579 +/kitchen_0029c/rgb_00064.jpg /kitchen_0029c/sync_depth_00064.png 518.8579 +/home_office_0008/rgb_00105.jpg /home_office_0008/sync_depth_00105.png 518.8579 +/excercise_room_0001/rgb_00062.jpg /excercise_room_0001/sync_depth_00062.png 518.8579 +/classroom_0011/rgb_00005.jpg /classroom_0011/sync_depth_00005.png 518.8579 +/classroom_0010/rgb_00044.jpg /classroom_0010/sync_depth_00044.png 518.8579 +/bedroom_0074/rgb_00053.jpg /bedroom_0074/sync_depth_00053.png 518.8579 +/bedroom_0056b/rgb_00020.jpg /bedroom_0056b/sync_depth_00020.png 518.8579 +/bookstore_0001d/rgb_00046.jpg /bookstore_0001d/sync_depth_00046.png 518.8579 +/living_room_0078/rgb_00057.jpg /living_room_0078/sync_depth_00057.png 518.8579 +/furniture_store_0002a/rgb_00156.jpg /furniture_store_0002a/sync_depth_00156.png 518.8579 +/bedroom_0140/rgb_00160.jpg /bedroom_0140/sync_depth_00160.png 518.8579 +/living_room_0058/rgb_00120.jpg /living_room_0058/sync_depth_00120.png 518.8579 +/furniture_store_0001d/rgb_00021.jpg /furniture_store_0001d/sync_depth_00021.png 518.8579 +/living_room_0005/rgb_00096.jpg /living_room_0005/sync_depth_00096.png 518.8579 +/furniture_store_0002a/rgb_00137.jpg /furniture_store_0002a/sync_depth_00137.png 518.8579 +/dining_room_0023/rgb_00166.jpg /dining_room_0023/sync_depth_00166.png 518.8579 +/living_room_0005/rgb_00100.jpg /living_room_0005/sync_depth_00100.png 518.8579 +/living_room_0086b/rgb_00041.jpg /living_room_0086b/sync_depth_00041.png 518.8579 +/living_room_0042b/rgb_00067.jpg /living_room_0042b/sync_depth_00067.png 518.8579 +/dining_room_0037/rgb_00019.jpg /dining_room_0037/sync_depth_00019.png 518.8579 +/furniture_store_0002b/rgb_00181.jpg /furniture_store_0002b/sync_depth_00181.png 518.8579 +/bedroom_0130/rgb_00009.jpg /bedroom_0130/sync_depth_00009.png 518.8579 +/furniture_store_0001a/rgb_00010.jpg /furniture_store_0001a/sync_depth_00010.png 518.8579 +/home_office_0013/rgb_00009.jpg /home_office_0013/sync_depth_00009.png 518.8579 +/living_room_0047a/rgb_00001.jpg /living_room_0047a/sync_depth_00001.png 518.8579 +/office_0003/rgb_00032.jpg /office_0003/sync_depth_00032.png 518.8579 +/bathroom_0034/rgb_00061.jpg /bathroom_0034/sync_depth_00061.png 518.8579 +/kitchen_0043/rgb_00213.jpg /kitchen_0043/sync_depth_00213.png 518.8579 +/kitchen_0035a/rgb_00014.jpg /kitchen_0035a/sync_depth_00014.png 518.8579 +/bathroom_0006/rgb_00031.jpg /bathroom_0006/sync_depth_00031.png 518.8579 +/bedroom_0076a/rgb_00200.jpg /bedroom_0076a/sync_depth_00200.png 518.8579 +/bedroom_0017/rgb_00047.jpg /bedroom_0017/sync_depth_00047.png 518.8579 +/bedroom_0050/rgb_00163.jpg /bedroom_0050/sync_depth_00163.png 518.8579 +/living_room_0070/rgb_00063.jpg /living_room_0070/sync_depth_00063.png 518.8579 +/bedroom_0062/rgb_00114.jpg /bedroom_0062/sync_depth_00114.png 518.8579 +/furniture_store_0001b/rgb_00045.jpg /furniture_store_0001b/sync_depth_00045.png 518.8579 +/cafe_0001c/rgb_00011.jpg /cafe_0001c/sync_depth_00011.png 518.8579 +/bedroom_0125b/rgb_00027.jpg /bedroom_0125b/sync_depth_00027.png 518.8579 +/living_room_0029/rgb_00006.jpg /living_room_0029/sync_depth_00006.png 518.8579 +/classroom_0005/rgb_00016.jpg /classroom_0005/sync_depth_00016.png 518.8579 +/dining_room_0012/rgb_00075.jpg /dining_room_0012/sync_depth_00075.png 518.8579 +/bookstore_0001i/rgb_00064.jpg /bookstore_0001i/sync_depth_00064.png 518.8579 +/bedroom_0047/rgb_00012.jpg /bedroom_0047/sync_depth_00012.png 518.8579 +/study_room_0005b/rgb_00049.jpg /study_room_0005b/sync_depth_00049.png 518.8579 +/office_0004/rgb_00075.jpg /office_0004/sync_depth_00075.png 518.8579 +/bedroom_0062/rgb_00028.jpg /bedroom_0062/sync_depth_00028.png 518.8579 +/bedroom_0104/rgb_00033.jpg /bedroom_0104/sync_depth_00033.png 518.8579 +/kitchen_0051/rgb_00162.jpg /kitchen_0051/sync_depth_00162.png 518.8579 +/living_room_0050/rgb_00099.jpg /living_room_0050/sync_depth_00099.png 518.8579 +/bedroom_0042/rgb_00021.jpg /bedroom_0042/sync_depth_00021.png 518.8579 +/living_room_0019/rgb_00001.jpg /living_room_0019/sync_depth_00001.png 518.8579 +/living_room_0040/rgb_00323.jpg /living_room_0040/sync_depth_00323.png 518.8579 +/bedroom_0056b/rgb_00014.jpg /bedroom_0056b/sync_depth_00014.png 518.8579 +/furniture_store_0002b/rgb_00234.jpg /furniture_store_0002b/sync_depth_00234.png 518.8579 +/kitchen_0037/rgb_00104.jpg /kitchen_0037/sync_depth_00104.png 518.8579 +/dining_room_0013/rgb_00174.jpg /dining_room_0013/sync_depth_00174.png 518.8579 +/study_0003/rgb_00089.jpg /study_0003/sync_depth_00089.png 518.8579 +/bedroom_0097/rgb_00047.jpg /bedroom_0097/sync_depth_00047.png 518.8579 +/bedroom_0086/rgb_00028.jpg /bedroom_0086/sync_depth_00028.png 518.8579 +/living_room_0078/rgb_00080.jpg /living_room_0078/sync_depth_00080.png 518.8579 +/cafe_0001a/rgb_00005.jpg /cafe_0001a/sync_depth_00005.png 518.8579 +/study_room_0004/rgb_00154.jpg /study_room_0004/sync_depth_00154.png 518.8579 +/bedroom_0010/rgb_00020.jpg /bedroom_0010/sync_depth_00020.png 518.8579 +/study_room_0004/rgb_00039.jpg /study_room_0004/sync_depth_00039.png 518.8579 +/bedroom_0060/rgb_00068.jpg /bedroom_0060/sync_depth_00068.png 518.8579 +/bedroom_0086/rgb_00123.jpg /bedroom_0086/sync_depth_00123.png 518.8579 +/bedroom_0021/rgb_00056.jpg /bedroom_0021/sync_depth_00056.png 518.8579 +/bookstore_0001g/rgb_00168.jpg /bookstore_0001g/sync_depth_00168.png 518.8579 +/living_room_0019/rgb_00154.jpg /living_room_0019/sync_depth_00154.png 518.8579 +/dining_room_0013/rgb_00094.jpg /dining_room_0013/sync_depth_00094.png 518.8579 +/bookstore_0001j/rgb_00307.jpg /bookstore_0001j/sync_depth_00307.png 518.8579 +/dining_room_0008/rgb_00189.jpg /dining_room_0008/sync_depth_00189.png 518.8579 +/living_room_0018/rgb_00186.jpg /living_room_0018/sync_depth_00186.png 518.8579 +/kitchen_0008/rgb_00000.jpg /kitchen_0008/sync_depth_00000.png 518.8579 +/dining_room_0008/rgb_00035.jpg /dining_room_0008/sync_depth_00035.png 518.8579 +/bedroom_0078/rgb_00133.jpg /bedroom_0078/sync_depth_00133.png 518.8579 +/study_0008/rgb_00024.jpg /study_0008/sync_depth_00024.png 518.8579 +/dining_room_0012/rgb_00135.jpg /dining_room_0012/sync_depth_00135.png 518.8579 +/living_room_0012/rgb_00120.jpg /living_room_0012/sync_depth_00120.png 518.8579 +/living_room_0050/rgb_00041.jpg /living_room_0050/sync_depth_00041.png 518.8579 +/kitchen_0050/rgb_00169.jpg /kitchen_0050/sync_depth_00169.png 518.8579 +/dining_room_0023/rgb_00128.jpg /dining_room_0023/sync_depth_00128.png 518.8579 +/bedroom_0140/rgb_00175.jpg /bedroom_0140/sync_depth_00175.png 518.8579 +/bedroom_0136/rgb_00158.jpg /bedroom_0136/sync_depth_00158.png 518.8579 +/home_office_0006/rgb_00137.jpg /home_office_0006/sync_depth_00137.png 518.8579 +/dining_room_0029/rgb_00043.jpg /dining_room_0029/sync_depth_00043.png 518.8579 +/bookstore_0001f/rgb_00485.jpg /bookstore_0001f/sync_depth_00485.png 518.8579 +/dining_room_0007/rgb_00210.jpg /dining_room_0007/sync_depth_00210.png 518.8579 +/bedroom_0019/rgb_00075.jpg /bedroom_0019/sync_depth_00075.png 518.8579 +/bedroom_0059/rgb_00049.jpg /bedroom_0059/sync_depth_00049.png 518.8579 +/dinette_0001/rgb_00064.jpg /dinette_0001/sync_depth_00064.png 518.8579 +/student_lounge_0001/rgb_00172.jpg /student_lounge_0001/sync_depth_00172.png 518.8579 +/living_room_0011/rgb_00122.jpg /living_room_0011/sync_depth_00122.png 518.8579 +/dining_room_0031/rgb_00393.jpg /dining_room_0031/sync_depth_00393.png 518.8579 +/bathroom_0014a/rgb_00000.jpg /bathroom_0014a/sync_depth_00000.png 518.8579 +/living_room_0039/rgb_00099.jpg /living_room_0039/sync_depth_00099.png 518.8579 +/living_room_0068/rgb_00071.jpg /living_room_0068/sync_depth_00071.png 518.8579 +/bookstore_0001d/rgb_00096.jpg /bookstore_0001d/sync_depth_00096.png 518.8579 +/kitchen_0029c/rgb_00080.jpg /kitchen_0029c/sync_depth_00080.png 518.8579 +/classroom_0006/rgb_00077.jpg /classroom_0006/sync_depth_00077.png 518.8579 +/kitchen_0019a/rgb_00159.jpg /kitchen_0019a/sync_depth_00159.png 518.8579 +/bedroom_0071/rgb_00126.jpg /bedroom_0071/sync_depth_00126.png 518.8579 +/kitchen_0028b/rgb_00067.jpg /kitchen_0028b/sync_depth_00067.png 518.8579 +/kitchen_0047/rgb_00122.jpg /kitchen_0047/sync_depth_00122.png 518.8579 +/office_0021/rgb_00031.jpg /office_0021/sync_depth_00031.png 518.8579 +/kitchen_0052/rgb_00087.jpg /kitchen_0052/sync_depth_00087.png 518.8579 +/kitchen_0028b/rgb_00028.jpg /kitchen_0028b/sync_depth_00028.png 518.8579 +/kitchen_0033/rgb_00081.jpg /kitchen_0033/sync_depth_00081.png 518.8579 +/dining_room_0024/rgb_00168.jpg /dining_room_0024/sync_depth_00168.png 518.8579 +/kitchen_0028a/rgb_00099.jpg /kitchen_0028a/sync_depth_00099.png 518.8579 +/kitchen_0053/rgb_00094.jpg /kitchen_0053/sync_depth_00094.png 518.8579 +/playroom_0002/rgb_00133.jpg /playroom_0002/sync_depth_00133.png 518.8579 +/cafe_0001b/rgb_00058.jpg /cafe_0001b/sync_depth_00058.png 518.8579 +/bathroom_0035/rgb_00016.jpg /bathroom_0035/sync_depth_00016.png 518.8579 +/bathroom_0039/rgb_00043.jpg /bathroom_0039/sync_depth_00043.png 518.8579 +/living_room_0062/rgb_00163.jpg /living_room_0062/sync_depth_00163.png 518.8579 +/kitchen_0045a/rgb_00085.jpg /kitchen_0045a/sync_depth_00085.png 518.8579 +/kitchen_0033/rgb_00025.jpg /kitchen_0033/sync_depth_00025.png 518.8579 +/kitchen_0045a/rgb_00073.jpg /kitchen_0045a/sync_depth_00073.png 518.8579 +/bedroom_0076a/rgb_00041.jpg /bedroom_0076a/sync_depth_00041.png 518.8579 +/living_room_0063/rgb_00155.jpg /living_room_0063/sync_depth_00155.png 518.8579 +/bedroom_0051/rgb_00138.jpg /bedroom_0051/sync_depth_00138.png 518.8579 +/living_room_0063/rgb_00044.jpg /living_room_0063/sync_depth_00044.png 518.8579 +/dining_room_0031/rgb_00264.jpg /dining_room_0031/sync_depth_00264.png 518.8579 +/home_office_0006/rgb_00086.jpg /home_office_0006/sync_depth_00086.png 518.8579 +/bedroom_0059/rgb_00012.jpg /bedroom_0059/sync_depth_00012.png 518.8579 +/bedroom_0076a/rgb_00225.jpg /bedroom_0076a/sync_depth_00225.png 518.8579 +/basement_0001a/rgb_00101.jpg /basement_0001a/sync_depth_00101.png 518.8579 +/office_kitchen_0003/rgb_00061.jpg /office_kitchen_0003/sync_depth_00061.png 518.8579 +/dining_room_0023/rgb_00091.jpg /dining_room_0023/sync_depth_00091.png 518.8579 +/office_0025/rgb_00037.jpg /office_0025/sync_depth_00037.png 518.8579 +/bathroom_0028/rgb_00164.jpg /bathroom_0028/sync_depth_00164.png 518.8579 +/home_storage_0001/rgb_00014.jpg /home_storage_0001/sync_depth_00014.png 518.8579 +/bedroom_0076a/rgb_00178.jpg /bedroom_0076a/sync_depth_00178.png 518.8579 +/furniture_store_0001a/rgb_00013.jpg /furniture_store_0001a/sync_depth_00013.png 518.8579 +/reception_room_0002/rgb_00155.jpg /reception_room_0002/sync_depth_00155.png 518.8579 +/bathroom_0024/rgb_00017.jpg /bathroom_0024/sync_depth_00017.png 518.8579 +/office_0021/rgb_00036.jpg /office_0021/sync_depth_00036.png 518.8579 +/bedroom_0080/rgb_00026.jpg /bedroom_0080/sync_depth_00026.png 518.8579 +/living_room_0011/rgb_00089.jpg /living_room_0011/sync_depth_00089.png 518.8579 +/classroom_0004/rgb_00083.jpg /classroom_0004/sync_depth_00083.png 518.8579 +/basement_0001a/rgb_00069.jpg /basement_0001a/sync_depth_00069.png 518.8579 +/living_room_0086a/rgb_00024.jpg /living_room_0086a/sync_depth_00024.png 518.8579 +/kitchen_0060/rgb_00147.jpg /kitchen_0060/sync_depth_00147.png 518.8579 +/bedroom_0071/rgb_00036.jpg /bedroom_0071/sync_depth_00036.png 518.8579 +/bedroom_0076a/rgb_00070.jpg /bedroom_0076a/sync_depth_00070.png 518.8579 +/bedroom_0031/rgb_00042.jpg /bedroom_0031/sync_depth_00042.png 518.8579 +/living_room_0067/rgb_00020.jpg /living_room_0067/sync_depth_00020.png 518.8579 +/bedroom_0035/rgb_00023.jpg /bedroom_0035/sync_depth_00023.png 518.8579 +/dining_room_0008/rgb_00080.jpg /dining_room_0008/sync_depth_00080.png 518.8579 +/kitchen_0053/rgb_00161.jpg /kitchen_0053/sync_depth_00161.png 518.8579 +/home_office_0008/rgb_00039.jpg /home_office_0008/sync_depth_00039.png 518.8579 +/laundry_room_0001/rgb_00001.jpg /laundry_room_0001/sync_depth_00001.png 518.8579 +/kitchen_0041/rgb_00046.jpg /kitchen_0041/sync_depth_00046.png 518.8579 +/dining_room_0016/rgb_00086.jpg /dining_room_0016/sync_depth_00086.png 518.8579 +/bedroom_0071/rgb_00072.jpg /bedroom_0071/sync_depth_00072.png 518.8579 +/living_room_0050/rgb_00024.jpg /living_room_0050/sync_depth_00024.png 518.8579 +/living_room_0083/rgb_00046.jpg /living_room_0083/sync_depth_00046.png 518.8579 +/dining_room_0031/rgb_00375.jpg /dining_room_0031/sync_depth_00375.png 518.8579 +/excercise_room_0001/rgb_00066.jpg /excercise_room_0001/sync_depth_00066.png 518.8579 +/living_room_0040/rgb_00043.jpg /living_room_0040/sync_depth_00043.png 518.8579 +/bedroom_0014/rgb_00044.jpg /bedroom_0014/sync_depth_00044.png 518.8579 +/dining_room_0012/rgb_00186.jpg /dining_room_0012/sync_depth_00186.png 518.8579 +/bedroom_0004/rgb_00117.jpg /bedroom_0004/sync_depth_00117.png 518.8579 +/bedroom_0004/rgb_00082.jpg /bedroom_0004/sync_depth_00082.png 518.8579 +/dining_room_0004/rgb_00037.jpg /dining_room_0004/sync_depth_00037.png 518.8579 +/dining_room_0013/rgb_00195.jpg /dining_room_0013/sync_depth_00195.png 518.8579 +/furniture_store_0001b/rgb_00054.jpg /furniture_store_0001b/sync_depth_00054.png 518.8579 +/nyu_office_0/rgb_00137.jpg /nyu_office_0/sync_depth_00137.png 518.8579 +/bookstore_0001e/rgb_00048.jpg /bookstore_0001e/sync_depth_00048.png 518.8579 +/classroom_0022/rgb_00000.jpg /classroom_0022/sync_depth_00000.png 518.8579 +/bedroom_0053/rgb_00067.jpg /bedroom_0053/sync_depth_00067.png 518.8579 +/bedroom_0059/rgb_00071.jpg /bedroom_0059/sync_depth_00071.png 518.8579 +/playroom_0003/rgb_00152.jpg /playroom_0003/sync_depth_00152.png 518.8579 +/bedroom_0033/rgb_00025.jpg /bedroom_0033/sync_depth_00025.png 518.8579 +/bedroom_0053/rgb_00072.jpg /bedroom_0053/sync_depth_00072.png 518.8579 +/bedroom_0082/rgb_00056.jpg /bedroom_0082/sync_depth_00056.png 518.8579 +/reception_room_0002/rgb_00071.jpg /reception_room_0002/sync_depth_00071.png 518.8579 +/bedroom_0016/rgb_00115.jpg /bedroom_0016/sync_depth_00115.png 518.8579 +/dining_room_0031/rgb_00238.jpg /dining_room_0031/sync_depth_00238.png 518.8579 +/kitchen_0049/rgb_00201.jpg /kitchen_0049/sync_depth_00201.png 518.8579 +/printer_room_0001/rgb_00051.jpg /printer_room_0001/sync_depth_00051.png 518.8579 +/dining_room_0033/rgb_00058.jpg /dining_room_0033/sync_depth_00058.png 518.8579 +/kitchen_0028a/rgb_00071.jpg /kitchen_0028a/sync_depth_00071.png 518.8579 +/living_room_0022/rgb_00236.jpg /living_room_0022/sync_depth_00236.png 518.8579 +/bookstore_0001g/rgb_00097.jpg /bookstore_0001g/sync_depth_00097.png 518.8579 +/dining_room_0031/rgb_00047.jpg /dining_room_0031/sync_depth_00047.png 518.8579 +/bedroom_0056b/rgb_00030.jpg /bedroom_0056b/sync_depth_00030.png 518.8579 +/bathroom_0002/rgb_00050.jpg /bathroom_0002/sync_depth_00050.png 518.8579 +/kitchen_0019b/rgb_00008.jpg /kitchen_0019b/sync_depth_00008.png 518.8579 +/living_room_0018/rgb_00211.jpg /living_room_0018/sync_depth_00211.png 518.8579 +/dining_room_0014/rgb_00015.jpg /dining_room_0014/sync_depth_00015.png 518.8579 +/bathroom_0045a/rgb_00010.jpg /bathroom_0045a/sync_depth_00010.png 518.8579 +/living_room_0069a/rgb_00080.jpg /living_room_0069a/sync_depth_00080.png 518.8579 +/classroom_0012/rgb_00018.jpg /classroom_0012/sync_depth_00018.png 518.8579 +/cafe_0001b/rgb_00004.jpg /cafe_0001b/sync_depth_00004.png 518.8579 +/bedroom_0140/rgb_00052.jpg /bedroom_0140/sync_depth_00052.png 518.8579 +/kitchen_0019a/rgb_00237.jpg /kitchen_0019a/sync_depth_00237.png 518.8579 +/bathroom_0034/rgb_00081.jpg /bathroom_0034/sync_depth_00081.png 518.8579 +/student_lounge_0001/rgb_00223.jpg /student_lounge_0001/sync_depth_00223.png 518.8579 +/bedroom_0045/rgb_00011.jpg /bedroom_0045/sync_depth_00011.png 518.8579 +/kitchen_0060/rgb_00012.jpg /kitchen_0060/sync_depth_00012.png 518.8579 +/bedroom_0057/rgb_00011.jpg /bedroom_0057/sync_depth_00011.png 518.8579 +/study_room_0004/rgb_00152.jpg /study_room_0004/sync_depth_00152.png 518.8579 +/bedroom_0004/rgb_00008.jpg /bedroom_0004/sync_depth_00008.png 518.8579 +/bedroom_0052/rgb_00004.jpg /bedroom_0052/sync_depth_00004.png 518.8579 +/bedroom_0051/rgb_00065.jpg /bedroom_0051/sync_depth_00065.png 518.8579 +/bedroom_0004/rgb_00149.jpg /bedroom_0004/sync_depth_00149.png 518.8579 +/bedroom_0004/rgb_00072.jpg /bedroom_0004/sync_depth_00072.png 518.8579 +/home_storage_0001/rgb_00033.jpg /home_storage_0001/sync_depth_00033.png 518.8579 +/kitchen_0045b/rgb_00038.jpg /kitchen_0045b/sync_depth_00038.png 518.8579 +/home_office_0013/rgb_00046.jpg /home_office_0013/sync_depth_00046.png 518.8579 +/kitchen_0059/rgb_00011.jpg /kitchen_0059/sync_depth_00011.png 518.8579 +/living_room_0068/rgb_00053.jpg /living_room_0068/sync_depth_00053.png 518.8579 +/kitchen_0011a/rgb_00055.jpg /kitchen_0011a/sync_depth_00055.png 518.8579 +/playroom_0002/rgb_00142.jpg /playroom_0002/sync_depth_00142.png 518.8579 +/study_0006/rgb_00040.jpg /study_0006/sync_depth_00040.png 518.8579 +/living_room_0070/rgb_00060.jpg /living_room_0070/sync_depth_00060.png 518.8579 +/dining_room_0004/rgb_00069.jpg /dining_room_0004/sync_depth_00069.png 518.8579 +/student_lounge_0001/rgb_00041.jpg /student_lounge_0001/sync_depth_00041.png 518.8579 +/study_0004/rgb_00062.jpg /study_0004/sync_depth_00062.png 518.8579 +/dining_room_0016/rgb_00061.jpg /dining_room_0016/sync_depth_00061.png 518.8579 +/dining_room_0031/rgb_00295.jpg /dining_room_0031/sync_depth_00295.png 518.8579 +/kitchen_0011b/rgb_00061.jpg /kitchen_0011b/sync_depth_00061.png 518.8579 +/home_storage_0001/rgb_00078.jpg /home_storage_0001/sync_depth_00078.png 518.8579 +/dining_room_0007/rgb_00177.jpg /dining_room_0007/sync_depth_00177.png 518.8579 +/kitchen_0051/rgb_00340.jpg /kitchen_0051/sync_depth_00340.png 518.8579 +/bedroom_0071/rgb_00037.jpg /bedroom_0071/sync_depth_00037.png 518.8579 +/bathroom_0024/rgb_00042.jpg /bathroom_0024/sync_depth_00042.png 518.8579 +/living_room_0019/rgb_00184.jpg /living_room_0019/sync_depth_00184.png 518.8579 +/office_0012/rgb_00016.jpg /office_0012/sync_depth_00016.png 518.8579 +/dining_room_0010/rgb_00012.jpg /dining_room_0010/sync_depth_00012.png 518.8579 +/bedroom_0120/rgb_00086.jpg /bedroom_0120/sync_depth_00086.png 518.8579 +/bathroom_0050/rgb_00001.jpg /bathroom_0050/sync_depth_00001.png 518.8579 +/playroom_0006/rgb_00072.jpg /playroom_0006/sync_depth_00072.png 518.8579 +/kitchen_0045a/rgb_00019.jpg /kitchen_0045a/sync_depth_00019.png 518.8579 +/playroom_0006/rgb_00114.jpg /playroom_0006/sync_depth_00114.png 518.8579 +/excercise_room_0001/rgb_00031.jpg /excercise_room_0001/sync_depth_00031.png 518.8579 +/bedroom_0029/rgb_00021.jpg /bedroom_0029/sync_depth_00021.png 518.8579 +/classroom_0005/rgb_00027.jpg /classroom_0005/sync_depth_00027.png 518.8579 +/bookstore_0001j/rgb_00025.jpg /bookstore_0001j/sync_depth_00025.png 518.8579 +/bedroom_0106/rgb_00057.jpg /bedroom_0106/sync_depth_00057.png 518.8579 +/home_storage_0001/rgb_00056.jpg /home_storage_0001/sync_depth_00056.png 518.8579 +/living_room_0006/rgb_00006.jpg /living_room_0006/sync_depth_00006.png 518.8579 +/living_room_0062/rgb_00196.jpg /living_room_0062/sync_depth_00196.png 518.8579 +/bedroom_0136/rgb_00151.jpg /bedroom_0136/sync_depth_00151.png 518.8579 +/living_room_0067/rgb_00092.jpg /living_room_0067/sync_depth_00092.png 518.8579 +/bedroom_0025/rgb_00140.jpg /bedroom_0025/sync_depth_00140.png 518.8579 +/kitchen_0050/rgb_00102.jpg /kitchen_0050/sync_depth_00102.png 518.8579 +/dining_room_0012/rgb_00127.jpg /dining_room_0012/sync_depth_00127.png 518.8579 +/bedroom_0033/rgb_00073.jpg /bedroom_0033/sync_depth_00073.png 518.8579 +/office_kitchen_0001b/rgb_00027.jpg /office_kitchen_0001b/sync_depth_00027.png 518.8579 +/living_room_0038/rgb_00003.jpg /living_room_0038/sync_depth_00003.png 518.8579 +/kitchen_0059/rgb_00012.jpg /kitchen_0059/sync_depth_00012.png 518.8579 +/living_room_0069b/rgb_00068.jpg /living_room_0069b/sync_depth_00068.png 518.8579 +/excercise_room_0001/rgb_00116.jpg /excercise_room_0001/sync_depth_00116.png 518.8579 +/bedroom_0052/rgb_00183.jpg /bedroom_0052/sync_depth_00183.png 518.8579 +/playroom_0006/rgb_00095.jpg /playroom_0006/sync_depth_00095.png 518.8579 +/kitchen_0028a/rgb_00103.jpg /kitchen_0028a/sync_depth_00103.png 518.8579 +/bookstore_0001e/rgb_00079.jpg /bookstore_0001e/sync_depth_00079.png 518.8579 +/kitchen_0052/rgb_00157.jpg /kitchen_0052/sync_depth_00157.png 518.8579 +/bedroom_0040/rgb_00056.jpg /bedroom_0040/sync_depth_00056.png 518.8579 +/dining_room_0033/rgb_00156.jpg /dining_room_0033/sync_depth_00156.png 518.8579 +/dining_room_0031/rgb_00054.jpg /dining_room_0031/sync_depth_00054.png 518.8579 +/home_office_0004/rgb_00143.jpg /home_office_0004/sync_depth_00143.png 518.8579 +/bedroom_0047/rgb_00030.jpg /bedroom_0047/sync_depth_00030.png 518.8579 +/office_kitchen_0001a/rgb_00023.jpg /office_kitchen_0001a/sync_depth_00023.png 518.8579 +/bedroom_0063/rgb_00038.jpg /bedroom_0063/sync_depth_00038.png 518.8579 +/kitchen_0050/rgb_00201.jpg /kitchen_0050/sync_depth_00201.png 518.8579 +/kitchen_0019b/rgb_00010.jpg /kitchen_0019b/sync_depth_00010.png 518.8579 +/kitchen_0045a/rgb_00010.jpg /kitchen_0045a/sync_depth_00010.png 518.8579 +/bedroom_0056b/rgb_00007.jpg /bedroom_0056b/sync_depth_00007.png 518.8579 +/dining_room_0024/rgb_00009.jpg /dining_room_0024/sync_depth_00009.png 518.8579 +/kitchen_0049/rgb_00076.jpg /kitchen_0049/sync_depth_00076.png 518.8579 +/bookstore_0001h/rgb_00099.jpg /bookstore_0001h/sync_depth_00099.png 518.8579 +/furniture_store_0002a/rgb_00034.jpg /furniture_store_0002a/sync_depth_00034.png 518.8579 +/reception_room_0004/rgb_00049.jpg /reception_room_0004/sync_depth_00049.png 518.8579 +/nyu_office_0/rgb_00423.jpg /nyu_office_0/sync_depth_00423.png 518.8579 +/reception_room_0004/rgb_00062.jpg /reception_room_0004/sync_depth_00062.png 518.8579 +/office_0024/rgb_00009.jpg /office_0024/sync_depth_00009.png 518.8579 +/dining_room_0013/rgb_00058.jpg /dining_room_0013/sync_depth_00058.png 518.8579 +/furniture_store_0002b/rgb_00210.jpg /furniture_store_0002b/sync_depth_00210.png 518.8579 +/living_room_0071/rgb_00048.jpg /living_room_0071/sync_depth_00048.png 518.8579 +/office_0006/rgb_00113.jpg /office_0006/sync_depth_00113.png 518.8579 +/living_room_0022/rgb_00217.jpg /living_room_0022/sync_depth_00217.png 518.8579 +/dining_room_0004/rgb_00075.jpg /dining_room_0004/sync_depth_00075.png 518.8579 +/living_room_0022/rgb_00075.jpg /living_room_0022/sync_depth_00075.png 518.8579 +/dining_room_0001b/rgb_00027.jpg /dining_room_0001b/sync_depth_00027.png 518.8579 +/bedroom_0140/rgb_00103.jpg /bedroom_0140/sync_depth_00103.png 518.8579 +/bathroom_0034/rgb_00078.jpg /bathroom_0034/sync_depth_00078.png 518.8579 +/furniture_store_0001e/rgb_00014.jpg /furniture_store_0001e/sync_depth_00014.png 518.8579 +/cafe_0001b/rgb_00042.jpg /cafe_0001b/sync_depth_00042.png 518.8579 +/living_room_0035/rgb_00091.jpg /living_room_0035/sync_depth_00091.png 518.8579 +/kitchen_0048/rgb_00026.jpg /kitchen_0048/sync_depth_00026.png 518.8579 +/bedroom_0034/rgb_00107.jpg /bedroom_0034/sync_depth_00107.png 518.8579 +/kitchen_0029c/rgb_00127.jpg /kitchen_0029c/sync_depth_00127.png 518.8579 +/nyu_office_0/rgb_00027.jpg /nyu_office_0/sync_depth_00027.png 518.8579 +/living_room_0071/rgb_00000.jpg /living_room_0071/sync_depth_00000.png 518.8579 +/reception_room_0001b/rgb_00057.jpg /reception_room_0001b/sync_depth_00057.png 518.8579 +/living_room_0022/rgb_00247.jpg /living_room_0022/sync_depth_00247.png 518.8579 +/dining_room_0034/rgb_00118.jpg /dining_room_0034/sync_depth_00118.png 518.8579 +/bathroom_0028/rgb_00145.jpg /bathroom_0028/sync_depth_00145.png 518.8579 +/living_room_0018/rgb_00085.jpg /living_room_0018/sync_depth_00085.png 518.8579 +/bedroom_0053/rgb_00070.jpg /bedroom_0053/sync_depth_00070.png 518.8579 +/kitchen_0051/rgb_00002.jpg /kitchen_0051/sync_depth_00002.png 518.8579 +/bookstore_0001d/rgb_00314.jpg /bookstore_0001d/sync_depth_00314.png 518.8579 +/living_room_0022/rgb_00084.jpg /living_room_0022/sync_depth_00084.png 518.8579 +/bedroom_0072/rgb_00158.jpg /bedroom_0072/sync_depth_00158.png 518.8579 +/conference_room_0001/rgb_00025.jpg /conference_room_0001/sync_depth_00025.png 518.8579 +/kitchen_0011a/rgb_00082.jpg /kitchen_0011a/sync_depth_00082.png 518.8579 +/kitchen_0043/rgb_00090.jpg /kitchen_0043/sync_depth_00090.png 518.8579 +/bedroom_0015/rgb_00051.jpg /bedroom_0015/sync_depth_00051.png 518.8579 +/bathroom_0005/rgb_00009.jpg /bathroom_0005/sync_depth_00009.png 518.8579 +/living_room_0022/rgb_00431.jpg /living_room_0022/sync_depth_00431.png 518.8579 +/office_0009/rgb_00017.jpg /office_0009/sync_depth_00017.png 518.8579 +/bedroom_0020/rgb_00106.jpg /bedroom_0020/sync_depth_00106.png 518.8579 +/dining_room_0013/rgb_00175.jpg /dining_room_0013/sync_depth_00175.png 518.8579 +/furniture_store_0001d/rgb_00243.jpg /furniture_store_0001d/sync_depth_00243.png 518.8579 +/bedroom_0066/rgb_00061.jpg /bedroom_0066/sync_depth_00061.png 518.8579 +/living_room_0086a/rgb_00042.jpg /living_room_0086a/sync_depth_00042.png 518.8579 +/bookstore_0001j/rgb_00260.jpg /bookstore_0001j/sync_depth_00260.png 518.8579 +/bedroom_0019/rgb_00064.jpg /bedroom_0019/sync_depth_00064.png 518.8579 +/dining_room_0001b/rgb_00056.jpg /dining_room_0001b/sync_depth_00056.png 518.8579 +/home_office_0006/rgb_00081.jpg /home_office_0006/sync_depth_00081.png 518.8579 +/kitchen_0045b/rgb_00093.jpg /kitchen_0045b/sync_depth_00093.png 518.8579 +/dining_room_0012/rgb_00090.jpg /dining_room_0012/sync_depth_00090.png 518.8579 +/bedroom_0015/rgb_00026.jpg /bedroom_0015/sync_depth_00026.png 518.8579 +/bookstore_0001f/rgb_00052.jpg /bookstore_0001f/sync_depth_00052.png 518.8579 +/playroom_0006/rgb_00047.jpg /playroom_0006/sync_depth_00047.png 518.8579 +/office_0006/rgb_00078.jpg /office_0006/sync_depth_00078.png 518.8579 +/classroom_0006/rgb_00146.jpg /classroom_0006/sync_depth_00146.png 518.8579 +/bookstore_0001e/rgb_00235.jpg /bookstore_0001e/sync_depth_00235.png 518.8579 +/dining_room_0034/rgb_00027.jpg /dining_room_0034/sync_depth_00027.png 518.8579 +/home_office_0006/rgb_00067.jpg /home_office_0006/sync_depth_00067.png 518.8579 +/bedroom_0056b/rgb_00044.jpg /bedroom_0056b/sync_depth_00044.png 518.8579 +/kitchen_0035a/rgb_00042.jpg /kitchen_0035a/sync_depth_00042.png 518.8579 +/office_0018/rgb_00031.jpg /office_0018/sync_depth_00031.png 518.8579 +/dining_room_0001b/rgb_00228.jpg /dining_room_0001b/sync_depth_00228.png 518.8579 +/home_storage_0001/rgb_00011.jpg /home_storage_0001/sync_depth_00011.png 518.8579 +/classroom_0011/rgb_00027.jpg /classroom_0011/sync_depth_00027.png 518.8579 +/dining_room_0008/rgb_00074.jpg /dining_room_0008/sync_depth_00074.png 518.8579 +/living_room_0047a/rgb_00047.jpg /living_room_0047a/sync_depth_00047.png 518.8579 +/living_room_0037/rgb_00038.jpg /living_room_0037/sync_depth_00038.png 518.8579 +/bedroom_0071/rgb_00127.jpg /bedroom_0071/sync_depth_00127.png 518.8579 +/living_room_0019/rgb_00146.jpg /living_room_0019/sync_depth_00146.png 518.8579 +/kitchen_0048/rgb_00214.jpg /kitchen_0048/sync_depth_00214.png 518.8579 +/bathroom_0019/rgb_00091.jpg /bathroom_0019/sync_depth_00091.png 518.8579 +/bathroom_0051/rgb_00014.jpg /bathroom_0051/sync_depth_00014.png 518.8579 +/kitchen_0011a/rgb_00020.jpg /kitchen_0011a/sync_depth_00020.png 518.8579 +/kitchen_0050/rgb_00029.jpg /kitchen_0050/sync_depth_00029.png 518.8579 +/living_room_0050/rgb_00088.jpg /living_room_0050/sync_depth_00088.png 518.8579 +/bedroom_0065/rgb_00019.jpg /bedroom_0065/sync_depth_00019.png 518.8579 +/bedroom_0017/rgb_00060.jpg /bedroom_0017/sync_depth_00060.png 518.8579 +/living_room_0082/rgb_00061.jpg /living_room_0082/sync_depth_00061.png 518.8579 +/dining_room_0014/rgb_00042.jpg /dining_room_0014/sync_depth_00042.png 518.8579 +/bedroom_0026/rgb_00082.jpg /bedroom_0026/sync_depth_00082.png 518.8579 +/classroom_0011/rgb_00064.jpg /classroom_0011/sync_depth_00064.png 518.8579 +/living_room_0010/rgb_00242.jpg /living_room_0010/sync_depth_00242.png 518.8579 +/bedroom_0012/rgb_00036.jpg /bedroom_0012/sync_depth_00036.png 518.8579 +/study_room_0004/rgb_00178.jpg /study_room_0004/sync_depth_00178.png 518.8579 +/dining_room_0015/rgb_00080.jpg /dining_room_0015/sync_depth_00080.png 518.8579 +/living_room_0040/rgb_00039.jpg /living_room_0040/sync_depth_00039.png 518.8579 +/kitchen_0037/rgb_00101.jpg /kitchen_0037/sync_depth_00101.png 518.8579 +/dining_room_0023/rgb_00174.jpg /dining_room_0023/sync_depth_00174.png 518.8579 +/dining_room_0001b/rgb_00187.jpg /dining_room_0001b/sync_depth_00187.png 518.8579 +/home_storage_0001/rgb_00082.jpg /home_storage_0001/sync_depth_00082.png 518.8579 +/kitchen_0035b/rgb_00303.jpg /kitchen_0035b/sync_depth_00303.png 518.8579 +/dining_room_0034/rgb_00079.jpg /dining_room_0034/sync_depth_00079.png 518.8579 +/bedroom_0034/rgb_00004.jpg /bedroom_0034/sync_depth_00004.png 518.8579 +/living_room_0018/rgb_00107.jpg /living_room_0018/sync_depth_00107.png 518.8579 +/bedroom_0060/rgb_00042.jpg /bedroom_0060/sync_depth_00042.png 518.8579 +/bedroom_0104/rgb_00074.jpg /bedroom_0104/sync_depth_00074.png 518.8579 +/kitchen_0010/rgb_00099.jpg /kitchen_0010/sync_depth_00099.png 518.8579 +/furniture_store_0001d/rgb_00136.jpg /furniture_store_0001d/sync_depth_00136.png 518.8579 +/bathroom_0055/rgb_00051.jpg /bathroom_0055/sync_depth_00051.png 518.8579 +/bedroom_0052/rgb_00110.jpg /bedroom_0052/sync_depth_00110.png 518.8579 +/furniture_store_0001e/rgb_00038.jpg /furniture_store_0001e/sync_depth_00038.png 518.8579 +/living_room_0020/rgb_00181.jpg /living_room_0020/sync_depth_00181.png 518.8579 +/kitchen_0035a/rgb_00001.jpg /kitchen_0035a/sync_depth_00001.png 518.8579 +/kitchen_0053/rgb_00077.jpg /kitchen_0053/sync_depth_00077.png 518.8579 +/bookstore_0001d/rgb_00229.jpg /bookstore_0001d/sync_depth_00229.png 518.8579 +/bathroom_0002/rgb_00003.jpg /bathroom_0002/sync_depth_00003.png 518.8579 +/kitchen_0016/rgb_00110.jpg /kitchen_0016/sync_depth_00110.png 518.8579 +/bedroom_0104/rgb_00002.jpg /bedroom_0104/sync_depth_00002.png 518.8579 +/basement_0001a/rgb_00153.jpg /basement_0001a/sync_depth_00153.png 518.8579 +/furniture_store_0001f/rgb_00011.jpg /furniture_store_0001f/sync_depth_00011.png 518.8579 +/dining_room_0010/rgb_00018.jpg /dining_room_0010/sync_depth_00018.png 518.8579 +/living_room_0050/rgb_00054.jpg /living_room_0050/sync_depth_00054.png 518.8579 +/kitchen_0060/rgb_00132.jpg /kitchen_0060/sync_depth_00132.png 518.8579 +/bedroom_0019/rgb_00160.jpg /bedroom_0019/sync_depth_00160.png 518.8579 +/bathroom_0048/rgb_00080.jpg /bathroom_0048/sync_depth_00080.png 518.8579 +/kitchen_0048/rgb_00064.jpg /kitchen_0048/sync_depth_00064.png 518.8579 +/living_room_0069a/rgb_00023.jpg /living_room_0069a/sync_depth_00023.png 518.8579 +/furniture_store_0002b/rgb_00109.jpg /furniture_store_0002b/sync_depth_00109.png 518.8579 +/classroom_0003/rgb_00016.jpg /classroom_0003/sync_depth_00016.png 518.8579 +/living_room_0005/rgb_00043.jpg /living_room_0005/sync_depth_00043.png 518.8579 +/living_room_0047b/rgb_00196.jpg /living_room_0047b/sync_depth_00196.png 518.8579 +/kitchen_0043/rgb_00231.jpg /kitchen_0043/sync_depth_00231.png 518.8579 +/living_room_0063/rgb_00076.jpg /living_room_0063/sync_depth_00076.png 518.8579 +/classroom_0022/rgb_00020.jpg /classroom_0022/sync_depth_00020.png 518.8579 +/living_room_0018/rgb_00168.jpg /living_room_0018/sync_depth_00168.png 518.8579 +/reception_room_0001a/rgb_00103.jpg /reception_room_0001a/sync_depth_00103.png 518.8579 +/living_room_0067/rgb_00075.jpg /living_room_0067/sync_depth_00075.png 518.8579 +/kitchen_0029a/rgb_00024.jpg /kitchen_0029a/sync_depth_00024.png 518.8579 +/bedroom_0051/rgb_00219.jpg /bedroom_0051/sync_depth_00219.png 518.8579 +/bedroom_0125a/rgb_00017.jpg /bedroom_0125a/sync_depth_00017.png 518.8579 +/living_room_0083/rgb_00026.jpg /living_room_0083/sync_depth_00026.png 518.8579 +/bedroom_0017/rgb_00033.jpg /bedroom_0017/sync_depth_00033.png 518.8579 +/bookstore_0001f/rgb_00128.jpg /bookstore_0001f/sync_depth_00128.png 518.8579 +/bedroom_0120/rgb_00008.jpg /bedroom_0120/sync_depth_00008.png 518.8579 +/furniture_store_0001d/rgb_00275.jpg /furniture_store_0001d/sync_depth_00275.png 518.8579 +/kitchen_0019a/rgb_00070.jpg /kitchen_0019a/sync_depth_00070.png 518.8579 +/bedroom_0136/rgb_00039.jpg /bedroom_0136/sync_depth_00039.png 518.8579 +/bedroom_0052/rgb_00209.jpg /bedroom_0052/sync_depth_00209.png 518.8579 +/kitchen_0049/rgb_00170.jpg /kitchen_0049/sync_depth_00170.png 518.8579 +/kitchen_0035b/rgb_00067.jpg /kitchen_0035b/sync_depth_00067.png 518.8579 +/living_room_0005/rgb_00109.jpg /living_room_0005/sync_depth_00109.png 518.8579 +/living_room_0058/rgb_00190.jpg /living_room_0058/sync_depth_00190.png 518.8579 +/dining_room_0007/rgb_00111.jpg /dining_room_0007/sync_depth_00111.png 518.8579 +/kitchen_0011b/rgb_00038.jpg /kitchen_0011b/sync_depth_00038.png 518.8579 +/bedroom_0052/rgb_00025.jpg /bedroom_0052/sync_depth_00025.png 518.8579 +/dining_room_0029/rgb_00037.jpg /dining_room_0029/sync_depth_00037.png 518.8579 +/bedroom_0028/rgb_00023.jpg /bedroom_0028/sync_depth_00023.png 518.8579 +/living_room_0039/rgb_00060.jpg /living_room_0039/sync_depth_00060.png 518.8579 +/dining_room_0019/rgb_00105.jpg /dining_room_0019/sync_depth_00105.png 518.8579 +/dining_room_0031/rgb_00361.jpg /dining_room_0031/sync_depth_00361.png 518.8579 +/bathroom_0006/rgb_00024.jpg /bathroom_0006/sync_depth_00024.png 518.8579 +/dining_room_0007/rgb_00037.jpg /dining_room_0007/sync_depth_00037.png 518.8579 +/kitchen_0028a/rgb_00068.jpg /kitchen_0028a/sync_depth_00068.png 518.8579 +/bedroom_0072/rgb_00104.jpg /bedroom_0072/sync_depth_00104.png 518.8579 +/bedroom_0136/rgb_00042.jpg /bedroom_0136/sync_depth_00042.png 518.8579 +/bookstore_0001e/rgb_00124.jpg /bookstore_0001e/sync_depth_00124.png 518.8579 +/living_room_0012/rgb_00136.jpg /living_room_0012/sync_depth_00136.png 518.8579 +/living_room_0069a/rgb_00000.jpg /living_room_0069a/sync_depth_00000.png 518.8579 +/living_room_0068/rgb_00075.jpg /living_room_0068/sync_depth_00075.png 518.8579 +/living_room_0019/rgb_00216.jpg /living_room_0019/sync_depth_00216.png 518.8579 +/living_room_0055/rgb_00088.jpg /living_room_0055/sync_depth_00088.png 518.8579 +/furniture_store_0002a/rgb_00292.jpg /furniture_store_0002a/sync_depth_00292.png 518.8579 +/study_0008/rgb_00000.jpg /study_0008/sync_depth_00000.png 518.8579 +/kitchen_0031/rgb_00102.jpg /kitchen_0031/sync_depth_00102.png 518.8579 +/dining_room_0014/rgb_00070.jpg /dining_room_0014/sync_depth_00070.png 518.8579 +/living_room_0086a/rgb_00052.jpg /living_room_0086a/sync_depth_00052.png 518.8579 +/living_room_0005/rgb_00139.jpg /living_room_0005/sync_depth_00139.png 518.8579 +/bookstore_0001j/rgb_00151.jpg /bookstore_0001j/sync_depth_00151.png 518.8579 +/study_0008/rgb_00029.jpg /study_0008/sync_depth_00029.png 518.8579 +/living_room_0046a/rgb_00020.jpg /living_room_0046a/sync_depth_00020.png 518.8579 +/living_room_0050/rgb_00187.jpg /living_room_0050/sync_depth_00187.png 518.8579 +/dining_room_0033/rgb_00083.jpg /dining_room_0033/sync_depth_00083.png 518.8579 +/kitchen_0047/rgb_00033.jpg /kitchen_0047/sync_depth_00033.png 518.8579 +/playroom_0006/rgb_00013.jpg /playroom_0006/sync_depth_00013.png 518.8579 +/kitchen_0045a/rgb_00117.jpg /kitchen_0045a/sync_depth_00117.png 518.8579 +/kitchen_0016/rgb_00026.jpg /kitchen_0016/sync_depth_00026.png 518.8579 +/nyu_office_0/rgb_00209.jpg /nyu_office_0/sync_depth_00209.png 518.8579 +/reception_room_0001b/rgb_00042.jpg /reception_room_0001b/sync_depth_00042.png 518.8579 +/furniture_store_0002a/rgb_00255.jpg /furniture_store_0002a/sync_depth_00255.png 518.8579 +/living_room_0005/rgb_00009.jpg /living_room_0005/sync_depth_00009.png 518.8579 +/bookstore_0001j/rgb_00150.jpg /bookstore_0001j/sync_depth_00150.png 518.8579 +/bedroom_0060/rgb_00069.jpg /bedroom_0060/sync_depth_00069.png 518.8579 +/living_room_0005/rgb_00002.jpg /living_room_0005/sync_depth_00002.png 518.8579 +/furniture_store_0002a/rgb_00280.jpg /furniture_store_0002a/sync_depth_00280.png 518.8579 +/living_room_0042b/rgb_00041.jpg /living_room_0042b/sync_depth_00041.png 518.8579 +/living_room_0035/rgb_00048.jpg /living_room_0035/sync_depth_00048.png 518.8579 +/living_room_0039/rgb_00171.jpg /living_room_0039/sync_depth_00171.png 518.8579 +/bathroom_0045a/rgb_00001.jpg /bathroom_0045a/sync_depth_00001.png 518.8579 +/playroom_0004/rgb_00103.jpg /playroom_0004/sync_depth_00103.png 518.8579 +/bedroom_0050/rgb_00031.jpg /bedroom_0050/sync_depth_00031.png 518.8579 +/office_0003/rgb_00034.jpg /office_0003/sync_depth_00034.png 518.8579 +/living_room_0005/rgb_00115.jpg /living_room_0005/sync_depth_00115.png 518.8579 +/bathroom_0013/rgb_00031.jpg /bathroom_0013/sync_depth_00031.png 518.8579 +/bathroom_0001/rgb_00019.jpg /bathroom_0001/sync_depth_00019.png 518.8579 +/kitchen_0011a/rgb_00090.jpg /kitchen_0011a/sync_depth_00090.png 518.8579 +/dining_room_0019/rgb_00119.jpg /dining_room_0019/sync_depth_00119.png 518.8579 +/bedroom_0047/rgb_00053.jpg /bedroom_0047/sync_depth_00053.png 518.8579 +/kitchen_0028a/rgb_00074.jpg /kitchen_0028a/sync_depth_00074.png 518.8579 +/bedroom_0050/rgb_00117.jpg /bedroom_0050/sync_depth_00117.png 518.8579 +/furniture_store_0002a/rgb_00015.jpg /furniture_store_0002a/sync_depth_00015.png 518.8579 +/kitchen_0045a/rgb_00188.jpg /kitchen_0045a/sync_depth_00188.png 518.8579 +/kitchen_0029a/rgb_00015.jpg /kitchen_0029a/sync_depth_00015.png 518.8579 +/classroom_0022/rgb_00096.jpg /classroom_0022/sync_depth_00096.png 518.8579 +/kitchen_0060/rgb_00111.jpg /kitchen_0060/sync_depth_00111.png 518.8579 +/kitchen_0050/rgb_00212.jpg /kitchen_0050/sync_depth_00212.png 518.8579 +/dining_room_0015/rgb_00089.jpg /dining_room_0015/sync_depth_00089.png 518.8579 +/bedroom_0031/rgb_00051.jpg /bedroom_0031/sync_depth_00051.png 518.8579 +/office_kitchen_0001a/rgb_00063.jpg /office_kitchen_0001a/sync_depth_00063.png 518.8579 +/classroom_0003/rgb_00027.jpg /classroom_0003/sync_depth_00027.png 518.8579 +/living_room_0020/rgb_00118.jpg /living_room_0020/sync_depth_00118.png 518.8579 +/kitchen_0016/rgb_00039.jpg /kitchen_0016/sync_depth_00039.png 518.8579 +/bedroom_0072/rgb_00029.jpg /bedroom_0072/sync_depth_00029.png 518.8579 +/bedroom_0071/rgb_00167.jpg /bedroom_0071/sync_depth_00167.png 518.8579 +/living_room_0022/rgb_00383.jpg /living_room_0022/sync_depth_00383.png 518.8579 +/bookstore_0001g/rgb_00257.jpg /bookstore_0001g/sync_depth_00257.png 518.8579 +/dining_room_0015/rgb_00237.jpg /dining_room_0015/sync_depth_00237.png 518.8579 +/home_storage_0001/rgb_00001.jpg /home_storage_0001/sync_depth_00001.png 518.8579 +/kitchen_0050/rgb_00180.jpg /kitchen_0050/sync_depth_00180.png 518.8579 +/kitchen_0049/rgb_00230.jpg /kitchen_0049/sync_depth_00230.png 518.8579 +/bathroom_0011/rgb_00045.jpg /bathroom_0011/sync_depth_00045.png 518.8579 +/living_room_0069a/rgb_00033.jpg /living_room_0069a/sync_depth_00033.png 518.8579 +/bathroom_0053/rgb_00009.jpg /bathroom_0053/sync_depth_00009.png 518.8579 +/kitchen_0028a/rgb_00041.jpg /kitchen_0028a/sync_depth_00041.png 518.8579 +/bookstore_0001d/rgb_00074.jpg /bookstore_0001d/sync_depth_00074.png 518.8579 +/home_office_0013/rgb_00044.jpg /home_office_0013/sync_depth_00044.png 518.8579 +/classroom_0005/rgb_00034.jpg /classroom_0005/sync_depth_00034.png 518.8579 +/bathroom_0028/rgb_00026.jpg /bathroom_0028/sync_depth_00026.png 518.8579 +/bedroom_0065/rgb_00035.jpg /bedroom_0065/sync_depth_00035.png 518.8579 +/kitchen_0033/rgb_00057.jpg /kitchen_0033/sync_depth_00057.png 518.8579 +/bedroom_0050/rgb_00136.jpg /bedroom_0050/sync_depth_00136.png 518.8579 +/kitchen_0035b/rgb_00185.jpg /kitchen_0035b/sync_depth_00185.png 518.8579 +/bedroom_0053/rgb_00073.jpg /bedroom_0053/sync_depth_00073.png 518.8579 +/furniture_store_0002b/rgb_00003.jpg /furniture_store_0002b/sync_depth_00003.png 518.8579 +/bookstore_0001f/rgb_00110.jpg /bookstore_0001f/sync_depth_00110.png 518.8579 +/bedroom_0029/rgb_00030.jpg /bedroom_0029/sync_depth_00030.png 518.8579 +/kitchen_0028b/rgb_00038.jpg /kitchen_0028b/sync_depth_00038.png 518.8579 +/bathroom_0014a/rgb_00036.jpg /bathroom_0014a/sync_depth_00036.png 518.8579 +/bedroom_0025/rgb_00048.jpg /bedroom_0025/sync_depth_00048.png 518.8579 +/office_0024/rgb_00078.jpg /office_0024/sync_depth_00078.png 518.8579 +/bedroom_0051/rgb_00107.jpg /bedroom_0051/sync_depth_00107.png 518.8579 +/bathroom_0045a/rgb_00009.jpg /bathroom_0045a/sync_depth_00009.png 518.8579 +/bedroom_0072/rgb_00145.jpg /bedroom_0072/sync_depth_00145.png 518.8579 +/living_room_0068/rgb_00039.jpg /living_room_0068/sync_depth_00039.png 518.8579 +/dining_room_0023/rgb_00183.jpg /dining_room_0023/sync_depth_00183.png 518.8579 +/dining_room_0033/rgb_00065.jpg /dining_room_0033/sync_depth_00065.png 518.8579 +/office_kitchen_0003/rgb_00020.jpg /office_kitchen_0003/sync_depth_00020.png 518.8579 +/bedroom_0026/rgb_00006.jpg /bedroom_0026/sync_depth_00006.png 518.8579 +/dining_room_0015/rgb_00253.jpg /dining_room_0015/sync_depth_00253.png 518.8579 +/bathroom_0056/rgb_00012.jpg /bathroom_0056/sync_depth_00012.png 518.8579 +/kitchen_0053/rgb_00177.jpg /kitchen_0053/sync_depth_00177.png 518.8579 +/bedroom_0016/rgb_00203.jpg /bedroom_0016/sync_depth_00203.png 518.8579 +/kitchen_0037/rgb_00025.jpg /kitchen_0037/sync_depth_00025.png 518.8579 +/nyu_office_0/rgb_00066.jpg /nyu_office_0/sync_depth_00066.png 518.8579 +/bookstore_0001j/rgb_00017.jpg /bookstore_0001j/sync_depth_00017.png 518.8579 +/bedroom_0104/rgb_00017.jpg /bedroom_0104/sync_depth_00017.png 518.8579 +/furniture_store_0001a/rgb_00025.jpg /furniture_store_0001a/sync_depth_00025.png 518.8579 +/bathroom_0007/rgb_00050.jpg /bathroom_0007/sync_depth_00050.png 518.8579 +/dining_room_0023/rgb_00155.jpg /dining_room_0023/sync_depth_00155.png 518.8579 +/dining_room_0031/rgb_00310.jpg /dining_room_0031/sync_depth_00310.png 518.8579 +/bookstore_0001j/rgb_00048.jpg /bookstore_0001j/sync_depth_00048.png 518.8579 +/living_room_0047b/rgb_00030.jpg /living_room_0047b/sync_depth_00030.png 518.8579 +/dining_room_0019/rgb_00134.jpg /dining_room_0019/sync_depth_00134.png 518.8579 +/bathroom_0048/rgb_00093.jpg /bathroom_0048/sync_depth_00093.png 518.8579 +/office_0004/rgb_00106.jpg /office_0004/sync_depth_00106.png 518.8579 +/kitchen_0059/rgb_00084.jpg /kitchen_0059/sync_depth_00084.png 518.8579 +/living_room_0022/rgb_00381.jpg /living_room_0022/sync_depth_00381.png 518.8579 +/living_room_0062/rgb_00033.jpg /living_room_0062/sync_depth_00033.png 518.8579 +/living_room_0070/rgb_00101.jpg /living_room_0070/sync_depth_00101.png 518.8579 +/dining_room_0015/rgb_00217.jpg /dining_room_0015/sync_depth_00217.png 518.8579 +/bathroom_0054/rgb_00011.jpg /bathroom_0054/sync_depth_00011.png 518.8579 +/bedroom_0047/rgb_00054.jpg /bedroom_0047/sync_depth_00054.png 518.8579 +/living_room_0022/rgb_00275.jpg /living_room_0022/sync_depth_00275.png 518.8579 +/living_room_0004/rgb_00130.jpg /living_room_0004/sync_depth_00130.png 518.8579 +/living_room_0040/rgb_00135.jpg /living_room_0040/sync_depth_00135.png 518.8579 +/living_room_0069b/rgb_00002.jpg /living_room_0069b/sync_depth_00002.png 518.8579 +/living_room_0039/rgb_00121.jpg /living_room_0039/sync_depth_00121.png 518.8579 +/kitchen_0050/rgb_00153.jpg /kitchen_0050/sync_depth_00153.png 518.8579 +/reception_room_0002/rgb_00052.jpg /reception_room_0002/sync_depth_00052.png 518.8579 +/bedroom_0017/rgb_00036.jpg /bedroom_0017/sync_depth_00036.png 518.8579 +/kitchen_0050/rgb_00115.jpg /kitchen_0050/sync_depth_00115.png 518.8579 +/living_room_0046b/rgb_00032.jpg /living_room_0046b/sync_depth_00032.png 518.8579 +/dining_room_0001b/rgb_00031.jpg /dining_room_0001b/sync_depth_00031.png 518.8579 +/living_room_0050/rgb_00075.jpg /living_room_0050/sync_depth_00075.png 518.8579 +/bathroom_0023/rgb_00002.jpg /bathroom_0023/sync_depth_00002.png 518.8579 +/bathroom_0042/rgb_00048.jpg /bathroom_0042/sync_depth_00048.png 518.8579 +/bedroom_0079/rgb_00061.jpg /bedroom_0079/sync_depth_00061.png 518.8579 +/kitchen_0051/rgb_00203.jpg /kitchen_0051/sync_depth_00203.png 518.8579 +/bedroom_0016/rgb_00144.jpg /bedroom_0016/sync_depth_00144.png 518.8579 +/kitchen_0035b/rgb_00233.jpg /kitchen_0035b/sync_depth_00233.png 518.8579 +/kitchen_0043/rgb_00215.jpg /kitchen_0043/sync_depth_00215.png 518.8579 +/kitchen_0048/rgb_00135.jpg /kitchen_0048/sync_depth_00135.png 518.8579 +/dining_room_0012/rgb_00110.jpg /dining_room_0012/sync_depth_00110.png 518.8579 +/furniture_store_0002c/rgb_00020.jpg /furniture_store_0002c/sync_depth_00020.png 518.8579 +/bedroom_0010/rgb_00038.jpg /bedroom_0010/sync_depth_00038.png 518.8579 +/bedroom_0050/rgb_00113.jpg /bedroom_0050/sync_depth_00113.png 518.8579 +/bedroom_0078/rgb_00160.jpg /bedroom_0078/sync_depth_00160.png 518.8579 +/bedroom_0025/rgb_00074.jpg /bedroom_0025/sync_depth_00074.png 518.8579 +/office_0009/rgb_00048.jpg /office_0009/sync_depth_00048.png 518.8579 +/living_room_0033/rgb_00012.jpg /living_room_0033/sync_depth_00012.png 518.8579 +/laundry_room_0001/rgb_00049.jpg /laundry_room_0001/sync_depth_00049.png 518.8579 +/living_room_0069a/rgb_00045.jpg /living_room_0069a/sync_depth_00045.png 518.8579 +/bedroom_0136/rgb_00140.jpg /bedroom_0136/sync_depth_00140.png 518.8579 +/kitchen_0060/rgb_00119.jpg /kitchen_0060/sync_depth_00119.png 518.8579 +/kitchen_0043/rgb_00110.jpg /kitchen_0043/sync_depth_00110.png 518.8579 +/bookstore_0001f/rgb_00103.jpg /bookstore_0001f/sync_depth_00103.png 518.8579 +/printer_room_0001/rgb_00020.jpg /printer_room_0001/sync_depth_00020.png 518.8579 +/living_room_0040/rgb_00186.jpg /living_room_0040/sync_depth_00186.png 518.8579 +/living_room_0068/rgb_00018.jpg /living_room_0068/sync_depth_00018.png 518.8579 +/playroom_0003/rgb_00121.jpg /playroom_0003/sync_depth_00121.png 518.8579 +/office_kitchen_0001b/rgb_00053.jpg /office_kitchen_0001b/sync_depth_00053.png 518.8579 +/bathroom_0019/rgb_00093.jpg /bathroom_0019/sync_depth_00093.png 518.8579 +/living_room_0033/rgb_00024.jpg /living_room_0033/sync_depth_00024.png 518.8579 +/bedroom_0138/rgb_00047.jpg /bedroom_0138/sync_depth_00047.png 518.8579 +/bedroom_0034/rgb_00010.jpg /bedroom_0034/sync_depth_00010.png 518.8579 +/kitchen_0047/rgb_00031.jpg /kitchen_0047/sync_depth_00031.png 518.8579 +/bedroom_0041/rgb_00055.jpg /bedroom_0041/sync_depth_00055.png 518.8579 +/living_room_0040/rgb_00040.jpg /living_room_0040/sync_depth_00040.png 518.8579 +/furniture_store_0001b/rgb_00050.jpg /furniture_store_0001b/sync_depth_00050.png 518.8579 +/dining_room_0007/rgb_00070.jpg /dining_room_0007/sync_depth_00070.png 518.8579 +/study_room_0004/rgb_00172.jpg /study_room_0004/sync_depth_00172.png 518.8579 +/bookstore_0001g/rgb_00089.jpg /bookstore_0001g/sync_depth_00089.png 518.8579 +/kitchen_0043/rgb_00152.jpg /kitchen_0043/sync_depth_00152.png 518.8579 +/bedroom_0086/rgb_00059.jpg /bedroom_0086/sync_depth_00059.png 518.8579 +/living_room_0020/rgb_00057.jpg /living_room_0020/sync_depth_00057.png 518.8579 +/kitchen_0050/rgb_00131.jpg /kitchen_0050/sync_depth_00131.png 518.8579 +/living_room_0058/rgb_00183.jpg /living_room_0058/sync_depth_00183.png 518.8579 +/living_room_0035/rgb_00049.jpg /living_room_0035/sync_depth_00049.png 518.8579 +/furniture_store_0002a/rgb_00219.jpg /furniture_store_0002a/sync_depth_00219.png 518.8579 +/living_room_0040/rgb_00294.jpg /living_room_0040/sync_depth_00294.png 518.8579 +/dining_room_0031/rgb_00176.jpg /dining_room_0031/sync_depth_00176.png 518.8579 +/classroom_0006/rgb_00064.jpg /classroom_0006/sync_depth_00064.png 518.8579 +/bedroom_0072/rgb_00015.jpg /bedroom_0072/sync_depth_00015.png 518.8579 +/kitchen_0019a/rgb_00134.jpg /kitchen_0019a/sync_depth_00134.png 518.8579 +/classroom_0004/rgb_00099.jpg /classroom_0004/sync_depth_00099.png 518.8579 +/living_room_0035/rgb_00075.jpg /living_room_0035/sync_depth_00075.png 518.8579 +/bedroom_0140/rgb_00169.jpg /bedroom_0140/sync_depth_00169.png 518.8579 +/bathroom_0013/rgb_00029.jpg /bathroom_0013/sync_depth_00029.png 518.8579 +/living_room_0011/rgb_00105.jpg /living_room_0011/sync_depth_00105.png 518.8579 +/bathroom_0056/rgb_00018.jpg /bathroom_0056/sync_depth_00018.png 518.8579 +/office_kitchen_0001a/rgb_00090.jpg /office_kitchen_0001a/sync_depth_00090.png 518.8579 +/furniture_store_0001d/rgb_00051.jpg /furniture_store_0001d/sync_depth_00051.png 518.8579 +/living_room_0058/rgb_00116.jpg /living_room_0058/sync_depth_00116.png 518.8579 +/bedroom_0076a/rgb_00115.jpg /bedroom_0076a/sync_depth_00115.png 518.8579 +/living_room_0020/rgb_00242.jpg /living_room_0020/sync_depth_00242.png 518.8579 +/dining_room_0008/rgb_00158.jpg /dining_room_0008/sync_depth_00158.png 518.8579 +/furniture_store_0002a/rgb_00030.jpg /furniture_store_0002a/sync_depth_00030.png 518.8579 +/bedroom_0100/rgb_00041.jpg /bedroom_0100/sync_depth_00041.png 518.8579 +/kitchen_0052/rgb_00138.jpg /kitchen_0052/sync_depth_00138.png 518.8579 +/dining_room_0001b/rgb_00118.jpg /dining_room_0001b/sync_depth_00118.png 518.8579 +/bedroom_0062/rgb_00083.jpg /bedroom_0062/sync_depth_00083.png 518.8579 +/furniture_store_0001e/rgb_00029.jpg /furniture_store_0001e/sync_depth_00029.png 518.8579 +/living_room_0086a/rgb_00081.jpg /living_room_0086a/sync_depth_00081.png 518.8579 +/kitchen_0029b/rgb_00047.jpg /kitchen_0029b/sync_depth_00047.png 518.8579 +/bedroom_0028/rgb_00019.jpg /bedroom_0028/sync_depth_00019.png 518.8579 +/living_room_0037/rgb_00059.jpg /living_room_0037/sync_depth_00059.png 518.8579 +/home_office_0008/rgb_00109.jpg /home_office_0008/sync_depth_00109.png 518.8579 +/living_room_0062/rgb_00154.jpg /living_room_0062/sync_depth_00154.png 518.8579 +/home_office_0011/rgb_00064.jpg /home_office_0011/sync_depth_00064.png 518.8579 +/dining_room_0001b/rgb_00229.jpg /dining_room_0001b/sync_depth_00229.png 518.8579 +/living_room_0085/rgb_00010.jpg /living_room_0085/sync_depth_00010.png 518.8579 +/living_room_0050/rgb_00079.jpg /living_room_0050/sync_depth_00079.png 518.8579 +/bedroom_0066/rgb_00046.jpg /bedroom_0066/sync_depth_00046.png 518.8579 +/kitchen_0053/rgb_00183.jpg /kitchen_0053/sync_depth_00183.png 518.8579 +/living_room_0020/rgb_00204.jpg /living_room_0020/sync_depth_00204.png 518.8579 +/living_room_0050/rgb_00267.jpg /living_room_0050/sync_depth_00267.png 518.8579 +/bedroom_0056b/rgb_00041.jpg /bedroom_0056b/sync_depth_00041.png 518.8579 +/bathroom_0024/rgb_00047.jpg /bathroom_0024/sync_depth_00047.png 518.8579 +/classroom_0012/rgb_00012.jpg /classroom_0012/sync_depth_00012.png 518.8579 +/bookstore_0001j/rgb_00068.jpg /bookstore_0001j/sync_depth_00068.png 518.8579 +/dining_room_0033/rgb_00107.jpg /dining_room_0033/sync_depth_00107.png 518.8579 +/living_room_0040/rgb_00206.jpg /living_room_0040/sync_depth_00206.png 518.8579 +/bookstore_0001d/rgb_00252.jpg /bookstore_0001d/sync_depth_00252.png 518.8579 +/reception_room_0001b/rgb_00059.jpg /reception_room_0001b/sync_depth_00059.png 518.8579 +/living_room_0042a/rgb_00035.jpg /living_room_0042a/sync_depth_00035.png 518.8579 +/bedroom_0050/rgb_00015.jpg /bedroom_0050/sync_depth_00015.png 518.8579 +/kitchen_0029b/rgb_00035.jpg /kitchen_0029b/sync_depth_00035.png 518.8579 +/bedroom_0016/rgb_00081.jpg /bedroom_0016/sync_depth_00081.png 518.8579 +/bedroom_0050/rgb_00063.jpg /bedroom_0050/sync_depth_00063.png 518.8579 +/office_kitchen_0001a/rgb_00027.jpg /office_kitchen_0001a/sync_depth_00027.png 518.8579 +/living_room_0012/rgb_00114.jpg /living_room_0012/sync_depth_00114.png 518.8579 +/bedroom_0019/rgb_00130.jpg /bedroom_0019/sync_depth_00130.png 518.8579 +/kitchen_0037/rgb_00027.jpg /kitchen_0037/sync_depth_00027.png 518.8579 +/bookstore_0001g/rgb_00216.jpg /bookstore_0001g/sync_depth_00216.png 518.8579 +/bedroom_0067b/rgb_00019.jpg /bedroom_0067b/sync_depth_00019.png 518.8579 +/bedroom_0072/rgb_00105.jpg /bedroom_0072/sync_depth_00105.png 518.8579 +/cafe_0001a/rgb_00053.jpg /cafe_0001a/sync_depth_00053.png 518.8579 +/classroom_0005/rgb_00005.jpg /classroom_0005/sync_depth_00005.png 518.8579 +/bedroom_0028/rgb_00051.jpg /bedroom_0028/sync_depth_00051.png 518.8579 +/kitchen_0050/rgb_00151.jpg /kitchen_0050/sync_depth_00151.png 518.8579 +/bedroom_0138/rgb_00069.jpg /bedroom_0138/sync_depth_00069.png 518.8579 +/living_room_0019/rgb_00156.jpg /living_room_0019/sync_depth_00156.png 518.8579 +/kitchen_0043/rgb_00056.jpg /kitchen_0043/sync_depth_00056.png 518.8579 +/dining_room_0037/rgb_00077.jpg /dining_room_0037/sync_depth_00077.png 518.8579 +/bedroom_0033/rgb_00093.jpg /bedroom_0033/sync_depth_00093.png 518.8579 +/bedroom_0129/rgb_00093.jpg /bedroom_0129/sync_depth_00093.png 518.8579 +/kitchen_0028a/rgb_00159.jpg /kitchen_0028a/sync_depth_00159.png 518.8579 +/living_room_0067/rgb_00090.jpg /living_room_0067/sync_depth_00090.png 518.8579 +/living_room_0022/rgb_00417.jpg /living_room_0022/sync_depth_00417.png 518.8579 +/office_0011/rgb_00109.jpg /office_0011/sync_depth_00109.png 518.8579 +/bedroom_0029/rgb_00016.jpg /bedroom_0029/sync_depth_00016.png 518.8579 +/kitchen_0049/rgb_00084.jpg /kitchen_0049/sync_depth_00084.png 518.8579 +/home_office_0004/rgb_00084.jpg /home_office_0004/sync_depth_00084.png 518.8579 +/living_room_0012/rgb_00055.jpg /living_room_0012/sync_depth_00055.png 518.8579 +/kitchen_0051/rgb_00204.jpg /kitchen_0051/sync_depth_00204.png 518.8579 +/bedroom_0062/rgb_00133.jpg /bedroom_0062/sync_depth_00133.png 518.8579 +/living_room_0011/rgb_00059.jpg /living_room_0011/sync_depth_00059.png 518.8579 +/living_room_0018/rgb_00069.jpg /living_room_0018/sync_depth_00069.png 518.8579 +/kitchen_0045a/rgb_00028.jpg /kitchen_0045a/sync_depth_00028.png 518.8579 +/dining_room_0007/rgb_00219.jpg /dining_room_0007/sync_depth_00219.png 518.8579 +/dining_room_0016/rgb_00195.jpg /dining_room_0016/sync_depth_00195.png 518.8579 +/bathroom_0011/rgb_00007.jpg /bathroom_0011/sync_depth_00007.png 518.8579 +/bookstore_0001e/rgb_00234.jpg /bookstore_0001e/sync_depth_00234.png 518.8579 +/bathroom_0034/rgb_00019.jpg /bathroom_0034/sync_depth_00019.png 518.8579 +/classroom_0004/rgb_00061.jpg /classroom_0004/sync_depth_00061.png 518.8579 +/bedroom_0132/rgb_00023.jpg /bedroom_0132/sync_depth_00023.png 518.8579 +/dining_room_0016/rgb_00141.jpg /dining_room_0016/sync_depth_00141.png 518.8579 +/dining_room_0031/rgb_00098.jpg /dining_room_0031/sync_depth_00098.png 518.8579 +/bedroom_0069/rgb_00069.jpg /bedroom_0069/sync_depth_00069.png 518.8579 +/bedroom_0014/rgb_00067.jpg /bedroom_0014/sync_depth_00067.png 518.8579 +/bedroom_0021/rgb_00079.jpg /bedroom_0021/sync_depth_00079.png 518.8579 +/living_room_0040/rgb_00009.jpg /living_room_0040/sync_depth_00009.png 518.8579 +/living_room_0082/rgb_00003.jpg /living_room_0082/sync_depth_00003.png 518.8579 +/bookstore_0001f/rgb_00125.jpg /bookstore_0001f/sync_depth_00125.png 518.8579 +/dining_room_0007/rgb_00123.jpg /dining_room_0007/sync_depth_00123.png 518.8579 +/bedroom_0125a/rgb_00015.jpg /bedroom_0125a/sync_depth_00015.png 518.8579 +/playroom_0004/rgb_00051.jpg /playroom_0004/sync_depth_00051.png 518.8579 +/kitchen_0031/rgb_00188.jpg /kitchen_0031/sync_depth_00188.png 518.8579 +/bedroom_0010/rgb_00071.jpg /bedroom_0010/sync_depth_00071.png 518.8579 +/kitchen_0045a/rgb_00108.jpg /kitchen_0045a/sync_depth_00108.png 518.8579 +/dining_room_0001b/rgb_00105.jpg /dining_room_0001b/sync_depth_00105.png 518.8579 +/bookstore_0001j/rgb_00221.jpg /bookstore_0001j/sync_depth_00221.png 518.8579 +/classroom_0010/rgb_00005.jpg /classroom_0010/sync_depth_00005.png 518.8579 +/kitchen_0060/rgb_00014.jpg /kitchen_0060/sync_depth_00014.png 518.8579 +/student_lounge_0001/rgb_00105.jpg /student_lounge_0001/sync_depth_00105.png 518.8579 +/bedroom_0063/rgb_00134.jpg /bedroom_0063/sync_depth_00134.png 518.8579 +/dining_room_0015/rgb_00274.jpg /dining_room_0015/sync_depth_00274.png 518.8579 +/playroom_0003/rgb_00000.jpg /playroom_0003/sync_depth_00000.png 518.8579 +/kitchen_0010/rgb_00106.jpg /kitchen_0010/sync_depth_00106.png 518.8579 +/kitchen_0052/rgb_00134.jpg /kitchen_0052/sync_depth_00134.png 518.8579 +/furniture_store_0002a/rgb_00142.jpg /furniture_store_0002a/sync_depth_00142.png 518.8579 +/bookstore_0001j/rgb_00159.jpg /bookstore_0001j/sync_depth_00159.png 518.8579 +/bookstore_0001f/rgb_00372.jpg /bookstore_0001f/sync_depth_00372.png 518.8579 +/dining_room_0031/rgb_00338.jpg /dining_room_0031/sync_depth_00338.png 518.8579 +/bedroom_0019/rgb_00073.jpg /bedroom_0019/sync_depth_00073.png 518.8579 +/living_room_0022/rgb_00413.jpg /living_room_0022/sync_depth_00413.png 518.8579 +/living_room_0011/rgb_00015.jpg /living_room_0011/sync_depth_00015.png 518.8579 +/bookstore_0001f/rgb_00133.jpg /bookstore_0001f/sync_depth_00133.png 518.8579 +/bedroom_0012/rgb_00072.jpg /bedroom_0012/sync_depth_00072.png 518.8579 +/bookstore_0001h/rgb_00039.jpg /bookstore_0001h/sync_depth_00039.png 518.8579 +/kitchen_0035b/rgb_00277.jpg /kitchen_0035b/sync_depth_00277.png 518.8579 +/furniture_store_0002a/rgb_00210.jpg /furniture_store_0002a/sync_depth_00210.png 518.8579 +/bedroom_0033/rgb_00054.jpg /bedroom_0033/sync_depth_00054.png 518.8579 +/kitchen_0050/rgb_00055.jpg /kitchen_0050/sync_depth_00055.png 518.8579 +/bookstore_0001h/rgb_00148.jpg /bookstore_0001h/sync_depth_00148.png 518.8579 +/living_room_0058/rgb_00109.jpg /living_room_0058/sync_depth_00109.png 518.8579 +/bedroom_0106/rgb_00016.jpg /bedroom_0106/sync_depth_00016.png 518.8579 +/living_room_0046a/rgb_00031.jpg /living_room_0046a/sync_depth_00031.png 518.8579 +/dining_room_0024/rgb_00178.jpg /dining_room_0024/sync_depth_00178.png 518.8579 +/bedroom_0015/rgb_00105.jpg /bedroom_0015/sync_depth_00105.png 518.8579 +/kitchen_0016/rgb_00010.jpg /kitchen_0016/sync_depth_00010.png 518.8579 +/kitchen_0060/rgb_00150.jpg /kitchen_0060/sync_depth_00150.png 518.8579 +/furniture_store_0002d/rgb_00049.jpg /furniture_store_0002d/sync_depth_00049.png 518.8579 +/bedroom_0078/rgb_00005.jpg /bedroom_0078/sync_depth_00005.png 518.8579 +/bathroom_0050/rgb_00010.jpg /bathroom_0050/sync_depth_00010.png 518.8579 +/kitchen_0053/rgb_00106.jpg /kitchen_0053/sync_depth_00106.png 518.8579 +/kitchen_0045b/rgb_00067.jpg /kitchen_0045b/sync_depth_00067.png 518.8579 +/bathroom_0014a/rgb_00079.jpg /bathroom_0014a/sync_depth_00079.png 518.8579 +/living_room_0071/rgb_00023.jpg /living_room_0071/sync_depth_00023.png 518.8579 +/kitchen_0029c/rgb_00151.jpg /kitchen_0029c/sync_depth_00151.png 518.8579 +/living_room_0038/rgb_00076.jpg /living_room_0038/sync_depth_00076.png 518.8579 +/living_room_0018/rgb_00120.jpg /living_room_0018/sync_depth_00120.png 518.8579 +/bedroom_0035/rgb_00014.jpg /bedroom_0035/sync_depth_00014.png 518.8579 +/kitchen_0045a/rgb_00111.jpg /kitchen_0045a/sync_depth_00111.png 518.8579 +/living_room_0020/rgb_00235.jpg /living_room_0020/sync_depth_00235.png 518.8579 +/bedroom_0100/rgb_00018.jpg /bedroom_0100/sync_depth_00018.png 518.8579 +/home_office_0008/rgb_00158.jpg /home_office_0008/sync_depth_00158.png 518.8579 +/dining_room_0028/rgb_00034.jpg /dining_room_0028/sync_depth_00034.png 518.8579 +/dining_room_0037/rgb_00097.jpg /dining_room_0037/sync_depth_00097.png 518.8579 +/bedroom_0062/rgb_00060.jpg /bedroom_0062/sync_depth_00060.png 518.8579 +/kitchen_0010/rgb_00048.jpg /kitchen_0010/sync_depth_00048.png 518.8579 +/cafe_0001c/rgb_00091.jpg /cafe_0001c/sync_depth_00091.png 518.8579 +/living_room_0004/rgb_00073.jpg /living_room_0004/sync_depth_00073.png 518.8579 +/dining_room_0031/rgb_00313.jpg /dining_room_0031/sync_depth_00313.png 518.8579 +/bedroom_0033/rgb_00045.jpg /bedroom_0033/sync_depth_00045.png 518.8579 +/study_0003/rgb_00055.jpg /study_0003/sync_depth_00055.png 518.8579 +/kitchen_0043/rgb_00028.jpg /kitchen_0043/sync_depth_00028.png 518.8579 +/living_room_0033/rgb_00005.jpg /living_room_0033/sync_depth_00005.png 518.8579 +/kitchen_0059/rgb_00081.jpg /kitchen_0059/sync_depth_00081.png 518.8579 +/office_0009/rgb_00076.jpg /office_0009/sync_depth_00076.png 518.8579 +/dining_room_0037/rgb_00005.jpg /dining_room_0037/sync_depth_00005.png 518.8579 +/living_room_0058/rgb_00251.jpg /living_room_0058/sync_depth_00251.png 518.8579 +/cafe_0001c/rgb_00021.jpg /cafe_0001c/sync_depth_00021.png 518.8579 +/bedroom_0074/rgb_00092.jpg /bedroom_0074/sync_depth_00092.png 518.8579 +/living_room_0062/rgb_00206.jpg /living_room_0062/sync_depth_00206.png 518.8579 +/kitchen_0029c/rgb_00131.jpg /kitchen_0029c/sync_depth_00131.png 518.8579 +/bookstore_0001j/rgb_00022.jpg /bookstore_0001j/sync_depth_00022.png 518.8579 +/bathroom_0019/rgb_00097.jpg /bathroom_0019/sync_depth_00097.png 518.8579 +/bedroom_0136/rgb_00154.jpg /bedroom_0136/sync_depth_00154.png 518.8579 +/indoor_balcony_0001/rgb_00001.jpg /indoor_balcony_0001/sync_depth_00001.png 518.8579 +/bookstore_0001e/rgb_00054.jpg /bookstore_0001e/sync_depth_00054.png 518.8579 +/office_0004/rgb_00064.jpg /office_0004/sync_depth_00064.png 518.8579 +/bedroom_0100/rgb_00010.jpg /bedroom_0100/sync_depth_00010.png 518.8579 +/kitchen_0043/rgb_00194.jpg /kitchen_0043/sync_depth_00194.png 518.8579 +/living_room_0018/rgb_00047.jpg /living_room_0018/sync_depth_00047.png 518.8579 +/kitchen_0031/rgb_00172.jpg /kitchen_0031/sync_depth_00172.png 518.8579 +/excercise_room_0001/rgb_00022.jpg /excercise_room_0001/sync_depth_00022.png 518.8579 +/dining_room_0033/rgb_00139.jpg /dining_room_0033/sync_depth_00139.png 518.8579 +/dining_room_0034/rgb_00172.jpg /dining_room_0034/sync_depth_00172.png 518.8579 +/bedroom_0016/rgb_00041.jpg /bedroom_0016/sync_depth_00041.png 518.8579 +/bedroom_0053/rgb_00093.jpg /bedroom_0053/sync_depth_00093.png 518.8579 +/dining_room_0015/rgb_00010.jpg /dining_room_0015/sync_depth_00010.png 518.8579 +/kitchen_0011a/rgb_00092.jpg /kitchen_0011a/sync_depth_00092.png 518.8579 +/excercise_room_0001/rgb_00002.jpg /excercise_room_0001/sync_depth_00002.png 518.8579 +/dining_room_0031/rgb_00290.jpg /dining_room_0031/sync_depth_00290.png 518.8579 +/kitchen_0047/rgb_00084.jpg /kitchen_0047/sync_depth_00084.png 518.8579 +/bedroom_0106/rgb_00105.jpg /bedroom_0106/sync_depth_00105.png 518.8579 +/bedroom_0017/rgb_00088.jpg /bedroom_0017/sync_depth_00088.png 518.8579 +/bedroom_0080/rgb_00014.jpg /bedroom_0080/sync_depth_00014.png 518.8579 +/bedroom_0016/rgb_00113.jpg /bedroom_0016/sync_depth_00113.png 518.8579 +/bedroom_0004/rgb_00128.jpg /bedroom_0004/sync_depth_00128.png 518.8579 +/kitchen_0033/rgb_00078.jpg /kitchen_0033/sync_depth_00078.png 518.8579 +/kitchen_0028a/rgb_00003.jpg /kitchen_0028a/sync_depth_00003.png 518.8579 +/kitchen_0049/rgb_00036.jpg /kitchen_0049/sync_depth_00036.png 518.8579 +/playroom_0006/rgb_00108.jpg /playroom_0006/sync_depth_00108.png 518.8579 +/bedroom_0138/rgb_00095.jpg /bedroom_0138/sync_depth_00095.png 518.8579 +/bedroom_0020/rgb_00036.jpg /bedroom_0020/sync_depth_00036.png 518.8579 +/living_room_0047b/rgb_00140.jpg /living_room_0047b/sync_depth_00140.png 518.8579 +/conference_room_0001/rgb_00054.jpg /conference_room_0001/sync_depth_00054.png 518.8579 +/reception_room_0001b/rgb_00061.jpg /reception_room_0001b/sync_depth_00061.png 518.8579 +/bathroom_0005/rgb_00028.jpg /bathroom_0005/sync_depth_00028.png 518.8579 +/study_room_0004/rgb_00056.jpg /study_room_0004/sync_depth_00056.png 518.8579 +/dining_room_0034/rgb_00232.jpg /dining_room_0034/sync_depth_00232.png 518.8579 +/living_room_0055/rgb_00001.jpg /living_room_0055/sync_depth_00001.png 518.8579 +/bedroom_0078/rgb_00126.jpg /bedroom_0078/sync_depth_00126.png 518.8579 +/kitchen_0019a/rgb_00274.jpg /kitchen_0019a/sync_depth_00274.png 518.8579 +/dining_room_0016/rgb_00157.jpg /dining_room_0016/sync_depth_00157.png 518.8579 +/bedroom_0050/rgb_00191.jpg /bedroom_0050/sync_depth_00191.png 518.8579 +/kitchen_0049/rgb_00056.jpg /kitchen_0049/sync_depth_00056.png 518.8579 +/playroom_0003/rgb_00130.jpg /playroom_0003/sync_depth_00130.png 518.8579 +/kitchen_0048/rgb_00211.jpg /kitchen_0048/sync_depth_00211.png 518.8579 +/dinette_0001/rgb_00070.jpg /dinette_0001/sync_depth_00070.png 518.8579 +/bedroom_0069/rgb_00086.jpg /bedroom_0069/sync_depth_00086.png 518.8579 +/playroom_0004/rgb_00000.jpg /playroom_0004/sync_depth_00000.png 518.8579 +/bathroom_0053/rgb_00043.jpg /bathroom_0053/sync_depth_00043.png 518.8579 +/classroom_0006/rgb_00192.jpg /classroom_0006/sync_depth_00192.png 518.8579 +/home_office_0005/rgb_00043.jpg /home_office_0005/sync_depth_00043.png 518.8579 +/home_office_0004/rgb_00099.jpg /home_office_0004/sync_depth_00099.png 518.8579 +/bedroom_0104/rgb_00110.jpg /bedroom_0104/sync_depth_00110.png 518.8579 +/dining_room_0037/rgb_00118.jpg /dining_room_0037/sync_depth_00118.png 518.8579 +/kitchen_0008/rgb_00045.jpg /kitchen_0008/sync_depth_00045.png 518.8579 +/student_lounge_0001/rgb_00230.jpg /student_lounge_0001/sync_depth_00230.png 518.8579 +/kitchen_0049/rgb_00221.jpg /kitchen_0049/sync_depth_00221.png 518.8579 +/home_office_0008/rgb_00038.jpg /home_office_0008/sync_depth_00038.png 518.8579 +/living_room_0037/rgb_00010.jpg /living_room_0037/sync_depth_00010.png 518.8579 +/kitchen_0019b/rgb_00042.jpg /kitchen_0019b/sync_depth_00042.png 518.8579 +/bedroom_0078/rgb_00012.jpg /bedroom_0078/sync_depth_00012.png 518.8579 +/bookstore_0001j/rgb_00092.jpg /bookstore_0001j/sync_depth_00092.png 518.8579 +/living_room_0040/rgb_00212.jpg /living_room_0040/sync_depth_00212.png 518.8579 +/kitchen_0031/rgb_00051.jpg /kitchen_0031/sync_depth_00051.png 518.8579 +/bedroom_0020/rgb_00114.jpg /bedroom_0020/sync_depth_00114.png 518.8579 +/bedroom_0066/rgb_00016.jpg /bedroom_0066/sync_depth_00016.png 518.8579 +/bedroom_0074/rgb_00103.jpg /bedroom_0074/sync_depth_00103.png 518.8579 +/basement_0001a/rgb_00029.jpg /basement_0001a/sync_depth_00029.png 518.8579 +/study_0005/rgb_00004.jpg /study_0005/sync_depth_00004.png 518.8579 +/bedroom_0004/rgb_00139.jpg /bedroom_0004/sync_depth_00139.png 518.8579 +/study_room_0004/rgb_00167.jpg /study_room_0004/sync_depth_00167.png 518.8579 +/living_room_0078/rgb_00105.jpg /living_room_0078/sync_depth_00105.png 518.8579 +/student_lounge_0001/rgb_00240.jpg /student_lounge_0001/sync_depth_00240.png 518.8579 +/bedroom_0138/rgb_00040.jpg /bedroom_0138/sync_depth_00040.png 518.8579 +/bedroom_0100/rgb_00023.jpg /bedroom_0100/sync_depth_00023.png 518.8579 +/bedroom_0113/rgb_00050.jpg /bedroom_0113/sync_depth_00050.png 518.8579 +/bedroom_0140/rgb_00060.jpg /bedroom_0140/sync_depth_00060.png 518.8579 +/bedroom_0132/rgb_00031.jpg /bedroom_0132/sync_depth_00031.png 518.8579 +/bookstore_0001j/rgb_00031.jpg /bookstore_0001j/sync_depth_00031.png 518.8579 +/living_room_0019/rgb_00004.jpg /living_room_0019/sync_depth_00004.png 518.8579 +/bookstore_0001d/rgb_00117.jpg /bookstore_0001d/sync_depth_00117.png 518.8579 +/living_room_0071/rgb_00031.jpg /living_room_0071/sync_depth_00031.png 518.8579 +/living_room_0019/rgb_00095.jpg /living_room_0019/sync_depth_00095.png 518.8579 +/kitchen_0053/rgb_00085.jpg /kitchen_0053/sync_depth_00085.png 518.8579 +/living_room_0067/rgb_00001.jpg /living_room_0067/sync_depth_00001.png 518.8579 +/dining_room_0023/rgb_00115.jpg /dining_room_0023/sync_depth_00115.png 518.8579 +/kitchen_0053/rgb_00101.jpg /kitchen_0053/sync_depth_00101.png 518.8579 +/dining_room_0001b/rgb_00060.jpg /dining_room_0001b/sync_depth_00060.png 518.8579 +/living_room_0067/rgb_00089.jpg /living_room_0067/sync_depth_00089.png 518.8579 +/bedroom_0062/rgb_00025.jpg /bedroom_0062/sync_depth_00025.png 518.8579 +/bedroom_0010/rgb_00032.jpg /bedroom_0010/sync_depth_00032.png 518.8579 +/bedroom_0012/rgb_00042.jpg /bedroom_0012/sync_depth_00042.png 518.8579 +/living_room_0040/rgb_00187.jpg /living_room_0040/sync_depth_00187.png 518.8579 +/bathroom_0014a/rgb_00006.jpg /bathroom_0014a/sync_depth_00006.png 518.8579 +/nyu_office_0/rgb_00213.jpg /nyu_office_0/sync_depth_00213.png 518.8579 +/living_room_0050/rgb_00031.jpg /living_room_0050/sync_depth_00031.png 518.8579 +/kitchen_0019a/rgb_00054.jpg /kitchen_0019a/sync_depth_00054.png 518.8579 +/dining_room_0013/rgb_00148.jpg /dining_room_0013/sync_depth_00148.png 518.8579 +/kitchen_0029c/rgb_00048.jpg /kitchen_0029c/sync_depth_00048.png 518.8579 +/living_room_0047b/rgb_00168.jpg /living_room_0047b/sync_depth_00168.png 518.8579 +/living_room_0020/rgb_00032.jpg /living_room_0020/sync_depth_00032.png 518.8579 +/home_office_0007/rgb_00045.jpg /home_office_0007/sync_depth_00045.png 518.8579 +/kitchen_0031/rgb_00070.jpg /kitchen_0031/sync_depth_00070.png 518.8579 +/living_room_0083/rgb_00039.jpg /living_room_0083/sync_depth_00039.png 518.8579 +/kitchen_0045b/rgb_00085.jpg /kitchen_0045b/sync_depth_00085.png 518.8579 +/kitchen_0011b/rgb_00041.jpg /kitchen_0011b/sync_depth_00041.png 518.8579 +/kitchen_0029c/rgb_00167.jpg /kitchen_0029c/sync_depth_00167.png 518.8579 +/dining_room_0029/rgb_00070.jpg /dining_room_0029/sync_depth_00070.png 518.8579 +/dining_room_0033/rgb_00033.jpg /dining_room_0033/sync_depth_00033.png 518.8579 +/bookstore_0001i/rgb_00016.jpg /bookstore_0001i/sync_depth_00016.png 518.8579 +/home_office_0004/rgb_00150.jpg /home_office_0004/sync_depth_00150.png 518.8579 +/student_lounge_0001/rgb_00035.jpg /student_lounge_0001/sync_depth_00035.png 518.8579 +/living_room_0047b/rgb_00133.jpg /living_room_0047b/sync_depth_00133.png 518.8579 +/bookstore_0001i/rgb_00108.jpg /bookstore_0001i/sync_depth_00108.png 518.8579 +/bedroom_0078/rgb_00002.jpg /bedroom_0078/sync_depth_00002.png 518.8579 +/bookstore_0001e/rgb_00047.jpg /bookstore_0001e/sync_depth_00047.png 518.8579 +/dining_room_0029/rgb_00041.jpg /dining_room_0029/sync_depth_00041.png 518.8579 +/kitchen_0052/rgb_00070.jpg /kitchen_0052/sync_depth_00070.png 518.8579 +/living_room_0012/rgb_00062.jpg /living_room_0012/sync_depth_00062.png 518.8579 +/living_room_0022/rgb_00335.jpg /living_room_0022/sync_depth_00335.png 518.8579 +/dining_room_0037/rgb_00090.jpg /dining_room_0037/sync_depth_00090.png 518.8579 +/bedroom_0051/rgb_00213.jpg /bedroom_0051/sync_depth_00213.png 518.8579 +/kitchen_0047/rgb_00087.jpg /kitchen_0047/sync_depth_00087.png 518.8579 +/kitchen_0047/rgb_00006.jpg /kitchen_0047/sync_depth_00006.png 518.8579 +/dinette_0001/rgb_00057.jpg /dinette_0001/sync_depth_00057.png 518.8579 +/playroom_0004/rgb_00032.jpg /playroom_0004/sync_depth_00032.png 518.8579 +/kitchen_0051/rgb_00161.jpg /kitchen_0051/sync_depth_00161.png 518.8579 +/bedroom_0120/rgb_00018.jpg /bedroom_0120/sync_depth_00018.png 518.8579 +/bedroom_0015/rgb_00064.jpg /bedroom_0015/sync_depth_00064.png 518.8579 +/office_0024/rgb_00003.jpg /office_0024/sync_depth_00003.png 518.8579 +/kitchen_0029c/rgb_00067.jpg /kitchen_0029c/sync_depth_00067.png 518.8579 +/living_room_0058/rgb_00122.jpg /living_room_0058/sync_depth_00122.png 518.8579 +/nyu_office_0/rgb_00086.jpg /nyu_office_0/sync_depth_00086.png 518.8579 +/classroom_0006/rgb_00061.jpg /classroom_0006/sync_depth_00061.png 518.8579 +/bathroom_0042/rgb_00024.jpg /bathroom_0042/sync_depth_00024.png 518.8579 +/bathroom_0048/rgb_00022.jpg /bathroom_0048/sync_depth_00022.png 518.8579 +/bedroom_0071/rgb_00015.jpg /bedroom_0071/sync_depth_00015.png 518.8579 +/kitchen_0048/rgb_00244.jpg /kitchen_0048/sync_depth_00244.png 518.8579 +/kitchen_0016/rgb_00042.jpg /kitchen_0016/sync_depth_00042.png 518.8579 +/bedroom_0015/rgb_00070.jpg /bedroom_0015/sync_depth_00070.png 518.8579 +/bedroom_0063/rgb_00073.jpg /bedroom_0063/sync_depth_00073.png 518.8579 +/dining_room_0019/rgb_00039.jpg /dining_room_0019/sync_depth_00039.png 518.8579 +/dining_room_0019/rgb_00074.jpg /dining_room_0019/sync_depth_00074.png 518.8579 +/furniture_store_0001e/rgb_00001.jpg /furniture_store_0001e/sync_depth_00001.png 518.8579 +/dining_room_0033/rgb_00145.jpg /dining_room_0033/sync_depth_00145.png 518.8579 +/bedroom_0033/rgb_00053.jpg /bedroom_0033/sync_depth_00053.png 518.8579 +/cafe_0001c/rgb_00063.jpg /cafe_0001c/sync_depth_00063.png 518.8579 +/bedroom_0076a/rgb_00065.jpg /bedroom_0076a/sync_depth_00065.png 518.8579 +/living_room_0082/rgb_00058.jpg /living_room_0082/sync_depth_00058.png 518.8579 +/kitchen_0060/rgb_00078.jpg /kitchen_0060/sync_depth_00078.png 518.8579 +/conference_room_0001/rgb_00019.jpg /conference_room_0001/sync_depth_00019.png 518.8579 +/bedroom_0098/rgb_00066.jpg /bedroom_0098/sync_depth_00066.png 518.8579 +/bookstore_0001d/rgb_00087.jpg /bookstore_0001d/sync_depth_00087.png 518.8579 +/living_room_0020/rgb_00183.jpg /living_room_0020/sync_depth_00183.png 518.8579 +/home_office_0004/rgb_00155.jpg /home_office_0004/sync_depth_00155.png 518.8579 +/printer_room_0001/rgb_00032.jpg /printer_room_0001/sync_depth_00032.png 518.8579 +/bookstore_0001d/rgb_00204.jpg /bookstore_0001d/sync_depth_00204.png 518.8579 +/office_0025/rgb_00027.jpg /office_0025/sync_depth_00027.png 518.8579 +/kitchen_0019b/rgb_00002.jpg /kitchen_0019b/sync_depth_00002.png 518.8579 +/reception_room_0001b/rgb_00113.jpg /reception_room_0001b/sync_depth_00113.png 518.8579 +/living_room_0005/rgb_00011.jpg /living_room_0005/sync_depth_00011.png 518.8579 +/classroom_0016/rgb_00051.jpg /classroom_0016/sync_depth_00051.png 518.8579 +/living_room_0046b/rgb_00071.jpg /living_room_0046b/sync_depth_00071.png 518.8579 +/dining_room_0015/rgb_00121.jpg /dining_room_0015/sync_depth_00121.png 518.8579 +/living_room_0037/rgb_00042.jpg /living_room_0037/sync_depth_00042.png 518.8579 +/student_lounge_0001/rgb_00119.jpg /student_lounge_0001/sync_depth_00119.png 518.8579 +/classroom_0005/rgb_00008.jpg /classroom_0005/sync_depth_00008.png 518.8579 +/classroom_0018/rgb_00021.jpg /classroom_0018/sync_depth_00021.png 518.8579 +/office_0004/rgb_00027.jpg /office_0004/sync_depth_00027.png 518.8579 +/living_room_0022/rgb_00183.jpg /living_room_0022/sync_depth_00183.png 518.8579 +/bedroom_0059/rgb_00054.jpg /bedroom_0059/sync_depth_00054.png 518.8579 +/dining_room_0015/rgb_00223.jpg /dining_room_0015/sync_depth_00223.png 518.8579 +/living_room_0047b/rgb_00065.jpg /living_room_0047b/sync_depth_00065.png 518.8579 +/bedroom_0071/rgb_00108.jpg /bedroom_0071/sync_depth_00108.png 518.8579 +/living_room_0063/rgb_00149.jpg /living_room_0063/sync_depth_00149.png 518.8579 +/bedroom_0107/rgb_00043.jpg /bedroom_0107/sync_depth_00043.png 518.8579 +/dining_room_0010/rgb_00048.jpg /dining_room_0010/sync_depth_00048.png 518.8579 +/bedroom_0076a/rgb_00097.jpg /bedroom_0076a/sync_depth_00097.png 518.8579 +/furniture_store_0001b/rgb_00044.jpg /furniture_store_0001b/sync_depth_00044.png 518.8579 +/kitchen_0037/rgb_00108.jpg /kitchen_0037/sync_depth_00108.png 518.8579 +/kitchen_0060/rgb_00040.jpg /kitchen_0060/sync_depth_00040.png 518.8579 +/living_room_0042b/rgb_00007.jpg /living_room_0042b/sync_depth_00007.png 518.8579 +/living_room_0020/rgb_00172.jpg /living_room_0020/sync_depth_00172.png 518.8579 +/dining_room_0028/rgb_00110.jpg /dining_room_0028/sync_depth_00110.png 518.8579 +/kitchen_0041/rgb_00012.jpg /kitchen_0041/sync_depth_00012.png 518.8579 +/bathroom_0010/rgb_00058.jpg /bathroom_0010/sync_depth_00058.png 518.8579 +/classroom_0022/rgb_00089.jpg /classroom_0022/sync_depth_00089.png 518.8579 +/basement_0001a/rgb_00099.jpg /basement_0001a/sync_depth_00099.png 518.8579 +/kitchen_0049/rgb_00059.jpg /kitchen_0049/sync_depth_00059.png 518.8579 +/bedroom_0050/rgb_00176.jpg /bedroom_0050/sync_depth_00176.png 518.8579 +/dining_room_0031/rgb_00003.jpg /dining_room_0031/sync_depth_00003.png 518.8579 +/classroom_0003/rgb_00103.jpg /classroom_0003/sync_depth_00103.png 518.8579 +/bathroom_0057/rgb_00031.jpg /bathroom_0057/sync_depth_00031.png 518.8579 +/kitchen_0043/rgb_00112.jpg /kitchen_0043/sync_depth_00112.png 518.8579 +/kitchen_0029a/rgb_00007.jpg /kitchen_0029a/sync_depth_00007.png 518.8579 +/bookstore_0001g/rgb_00282.jpg /bookstore_0001g/sync_depth_00282.png 518.8579 +/living_room_0062/rgb_00150.jpg /living_room_0062/sync_depth_00150.png 518.8579 +/kitchen_0031/rgb_00012.jpg /kitchen_0031/sync_depth_00012.png 518.8579 +/bookstore_0001d/rgb_00362.jpg /bookstore_0001d/sync_depth_00362.png 518.8579 +/bedroom_0071/rgb_00132.jpg /bedroom_0071/sync_depth_00132.png 518.8579 +/bedroom_0079/rgb_00049.jpg /bedroom_0079/sync_depth_00049.png 518.8579 +/kitchen_0048/rgb_00205.jpg /kitchen_0048/sync_depth_00205.png 518.8579 +/dining_room_0001b/rgb_00140.jpg /dining_room_0001b/sync_depth_00140.png 518.8579 +/living_room_0012/rgb_00222.jpg /living_room_0012/sync_depth_00222.png 518.8579 +/living_room_0040/rgb_00237.jpg /living_room_0040/sync_depth_00237.png 518.8579 +/living_room_0020/rgb_00116.jpg /living_room_0020/sync_depth_00116.png 518.8579 +/dining_room_0023/rgb_00139.jpg /dining_room_0023/sync_depth_00139.png 518.8579 +/bedroom_0010/rgb_00074.jpg /bedroom_0010/sync_depth_00074.png 518.8579 +/dining_room_0031/rgb_00222.jpg /dining_room_0031/sync_depth_00222.png 518.8579 +/office_0024/rgb_00041.jpg /office_0024/sync_depth_00041.png 518.8579 +/office_0026/rgb_00080.jpg /office_0026/sync_depth_00080.png 518.8579 +/bedroom_0082/rgb_00022.jpg /bedroom_0082/sync_depth_00022.png 518.8579 +/furniture_store_0002a/rgb_00349.jpg /furniture_store_0002a/sync_depth_00349.png 518.8579 +/bedroom_0076a/rgb_00232.jpg /bedroom_0076a/sync_depth_00232.png 518.8579 +/living_room_0010/rgb_00239.jpg /living_room_0010/sync_depth_00239.png 518.8579 +/kitchen_0052/rgb_00099.jpg /kitchen_0052/sync_depth_00099.png 518.8579 +/dining_room_0019/rgb_00004.jpg /dining_room_0019/sync_depth_00004.png 518.8579 +/office_0011/rgb_00134.jpg /office_0011/sync_depth_00134.png 518.8579 +/bedroom_0062/rgb_00144.jpg /bedroom_0062/sync_depth_00144.png 518.8579 +/student_lounge_0001/rgb_00005.jpg /student_lounge_0001/sync_depth_00005.png 518.8579 +/home_office_0005/rgb_00097.jpg /home_office_0005/sync_depth_00097.png 518.8579 +/bedroom_0060/rgb_00082.jpg /bedroom_0060/sync_depth_00082.png 518.8579 +/bookstore_0001e/rgb_00199.jpg /bookstore_0001e/sync_depth_00199.png 518.8579 +/bedroom_0047/rgb_00034.jpg /bedroom_0047/sync_depth_00034.png 518.8579 +/kitchen_0052/rgb_00026.jpg /kitchen_0052/sync_depth_00026.png 518.8579 +/kitchen_0035b/rgb_00004.jpg /kitchen_0035b/sync_depth_00004.png 518.8579 +/furniture_store_0002a/rgb_00377.jpg /furniture_store_0002a/sync_depth_00377.png 518.8579 +/basement_0001a/rgb_00118.jpg /basement_0001a/sync_depth_00118.png 518.8579 +/kitchen_0010/rgb_00116.jpg /kitchen_0010/sync_depth_00116.png 518.8579 +/kitchen_0051/rgb_00290.jpg /kitchen_0051/sync_depth_00290.png 518.8579 +/furniture_store_0002a/rgb_00044.jpg /furniture_store_0002a/sync_depth_00044.png 518.8579 +/furniture_store_0002c/rgb_00017.jpg /furniture_store_0002c/sync_depth_00017.png 518.8579 +/office_0009/rgb_00004.jpg /office_0009/sync_depth_00004.png 518.8579 +/kitchen_0049/rgb_00106.jpg /kitchen_0049/sync_depth_00106.png 518.8579 +/kitchen_0019a/rgb_00157.jpg /kitchen_0019a/sync_depth_00157.png 518.8579 +/bedroom_0056a/rgb_00021.jpg /bedroom_0056a/sync_depth_00021.png 518.8579 +/kitchen_0029c/rgb_00008.jpg /kitchen_0029c/sync_depth_00008.png 518.8579 +/living_room_0068/rgb_00112.jpg /living_room_0068/sync_depth_00112.png 518.8579 +/kitchen_0019b/rgb_00013.jpg /kitchen_0019b/sync_depth_00013.png 518.8579 +/bedroom_0059/rgb_00059.jpg /bedroom_0059/sync_depth_00059.png 518.8579 +/dining_room_0034/rgb_00092.jpg /dining_room_0034/sync_depth_00092.png 518.8579 +/kitchen_0051/rgb_00324.jpg /kitchen_0051/sync_depth_00324.png 518.8579 +/dining_room_0031/rgb_00124.jpg /dining_room_0031/sync_depth_00124.png 518.8579 +/kitchen_0035b/rgb_00162.jpg /kitchen_0035b/sync_depth_00162.png 518.8579 +/printer_room_0001/rgb_00042.jpg /printer_room_0001/sync_depth_00042.png 518.8579 +/kitchen_0052/rgb_00041.jpg /kitchen_0052/sync_depth_00041.png 518.8579 +/kitchen_0049/rgb_00005.jpg /kitchen_0049/sync_depth_00005.png 518.8579 +/bedroom_0034/rgb_00002.jpg /bedroom_0034/sync_depth_00002.png 518.8579 +/dining_room_0031/rgb_00032.jpg /dining_room_0031/sync_depth_00032.png 518.8579 +/kitchen_0031/rgb_00003.jpg /kitchen_0031/sync_depth_00003.png 518.8579 +/bedroom_0034/rgb_00063.jpg /bedroom_0034/sync_depth_00063.png 518.8579 +/bookstore_0001f/rgb_00420.jpg /bookstore_0001f/sync_depth_00420.png 518.8579 +/bedroom_0078/rgb_00151.jpg /bedroom_0078/sync_depth_00151.png 518.8579 +/bedroom_0076a/rgb_00252.jpg /bedroom_0076a/sync_depth_00252.png 518.8579 +/dining_room_0007/rgb_00035.jpg /dining_room_0007/sync_depth_00035.png 518.8579 +/living_room_0070/rgb_00007.jpg /living_room_0070/sync_depth_00007.png 518.8579 +/bedroom_0051/rgb_00157.jpg /bedroom_0051/sync_depth_00157.png 518.8579 +/conference_room_0001/rgb_00048.jpg /conference_room_0001/sync_depth_00048.png 518.8579 +/home_office_0004/rgb_00039.jpg /home_office_0004/sync_depth_00039.png 518.8579 +/bookstore_0001j/rgb_00045.jpg /bookstore_0001j/sync_depth_00045.png 518.8579 +/living_room_0037/rgb_00016.jpg /living_room_0037/sync_depth_00016.png 518.8579 +/office_kitchen_0001a/rgb_00040.jpg /office_kitchen_0001a/sync_depth_00040.png 518.8579 +/classroom_0006/rgb_00170.jpg /classroom_0006/sync_depth_00170.png 518.8579 +/bookstore_0001i/rgb_00041.jpg /bookstore_0001i/sync_depth_00041.png 518.8579 +/living_room_0063/rgb_00071.jpg /living_room_0063/sync_depth_00071.png 518.8579 +/nyu_office_1/rgb_00090.jpg /nyu_office_1/sync_depth_00090.png 518.8579 +/bedroom_0045/rgb_00015.jpg /bedroom_0045/sync_depth_00015.png 518.8579 +/kitchen_0028a/rgb_00038.jpg /kitchen_0028a/sync_depth_00038.png 518.8579 +/bedroom_0071/rgb_00069.jpg /bedroom_0071/sync_depth_00069.png 518.8579 +/kitchen_0035b/rgb_00211.jpg /kitchen_0035b/sync_depth_00211.png 518.8579 +/playroom_0004/rgb_00080.jpg /playroom_0004/sync_depth_00080.png 518.8579 +/student_lounge_0001/rgb_00049.jpg /student_lounge_0001/sync_depth_00049.png 518.8579 +/bedroom_0019/rgb_00004.jpg /bedroom_0019/sync_depth_00004.png 518.8579 +/living_room_0022/rgb_00141.jpg /living_room_0022/sync_depth_00141.png 518.8579 +/office_kitchen_0001a/rgb_00025.jpg /office_kitchen_0001a/sync_depth_00025.png 518.8579 +/office_0011/rgb_00079.jpg /office_0011/sync_depth_00079.png 518.8579 +/kitchen_0019a/rgb_00303.jpg /kitchen_0019a/sync_depth_00303.png 518.8579 +/office_0006/rgb_00129.jpg /office_0006/sync_depth_00129.png 518.8579 +/furniture_store_0002b/rgb_00125.jpg /furniture_store_0002b/sync_depth_00125.png 518.8579 +/living_room_0012/rgb_00129.jpg /living_room_0012/sync_depth_00129.png 518.8579 +/bedroom_0100/rgb_00063.jpg /bedroom_0100/sync_depth_00063.png 518.8579 +/playroom_0003/rgb_00153.jpg /playroom_0003/sync_depth_00153.png 518.8579 +/bathroom_0034/rgb_00009.jpg /bathroom_0034/sync_depth_00009.png 518.8579 +/cafe_0001c/rgb_00078.jpg /cafe_0001c/sync_depth_00078.png 518.8579 +/living_room_0038/rgb_00033.jpg /living_room_0038/sync_depth_00033.png 518.8579 +/kitchen_0008/rgb_00052.jpg /kitchen_0008/sync_depth_00052.png 518.8579 +/furniture_store_0002b/rgb_00184.jpg /furniture_store_0002b/sync_depth_00184.png 518.8579 +/living_room_0062/rgb_00080.jpg /living_room_0062/sync_depth_00080.png 518.8579 +/kitchen_0043/rgb_00100.jpg /kitchen_0043/sync_depth_00100.png 518.8579 +/kitchen_0051/rgb_00330.jpg /kitchen_0051/sync_depth_00330.png 518.8579 +/kitchen_0050/rgb_00052.jpg /kitchen_0050/sync_depth_00052.png 518.8579 +/kitchen_0049/rgb_00141.jpg /kitchen_0049/sync_depth_00141.png 518.8579 +/bedroom_0072/rgb_00031.jpg /bedroom_0072/sync_depth_00031.png 518.8579 +/kitchen_0043/rgb_00117.jpg /kitchen_0043/sync_depth_00117.png 518.8579 +/kitchen_0043/rgb_00154.jpg /kitchen_0043/sync_depth_00154.png 518.8579 +/bathroom_0034/rgb_00000.jpg /bathroom_0034/sync_depth_00000.png 518.8579 +/conference_room_0001/rgb_00077.jpg /conference_room_0001/sync_depth_00077.png 518.8579 +/living_room_0047b/rgb_00052.jpg /living_room_0047b/sync_depth_00052.png 518.8579 +/printer_room_0001/rgb_00001.jpg /printer_room_0001/sync_depth_00001.png 518.8579 +/kitchen_0031/rgb_00189.jpg /kitchen_0031/sync_depth_00189.png 518.8579 +/study_0003/rgb_00110.jpg /study_0003/sync_depth_00110.png 518.8579 +/bookstore_0001f/rgb_00351.jpg /bookstore_0001f/sync_depth_00351.png 518.8579 +/bedroom_0067a/rgb_00024.jpg /bedroom_0067a/sync_depth_00024.png 518.8579 +/living_room_0012/rgb_00199.jpg /living_room_0012/sync_depth_00199.png 518.8579 +/dining_room_0031/rgb_00148.jpg /dining_room_0031/sync_depth_00148.png 518.8579 +/home_storage_0001/rgb_00055.jpg /home_storage_0001/sync_depth_00055.png 518.8579 +/dining_room_0013/rgb_00005.jpg /dining_room_0013/sync_depth_00005.png 518.8579 +/bedroom_0063/rgb_00082.jpg /bedroom_0063/sync_depth_00082.png 518.8579 +/furniture_store_0001d/rgb_00033.jpg /furniture_store_0001d/sync_depth_00033.png 518.8579 +/kitchen_0019a/rgb_00243.jpg /kitchen_0019a/sync_depth_00243.png 518.8579 +/classroom_0022/rgb_00019.jpg /classroom_0022/sync_depth_00019.png 518.8579 +/laundry_room_0001/rgb_00021.jpg /laundry_room_0001/sync_depth_00021.png 518.8579 +/living_room_0058/rgb_00181.jpg /living_room_0058/sync_depth_00181.png 518.8579 +/bedroom_0107/rgb_00013.jpg /bedroom_0107/sync_depth_00013.png 518.8579 +/bookstore_0001g/rgb_00241.jpg /bookstore_0001g/sync_depth_00241.png 518.8579 +/living_room_0047b/rgb_00193.jpg /living_room_0047b/sync_depth_00193.png 518.8579 +/bedroom_0136/rgb_00113.jpg /bedroom_0136/sync_depth_00113.png 518.8579 +/playroom_0002/rgb_00104.jpg /playroom_0002/sync_depth_00104.png 518.8579 +/bathroom_0030/rgb_00044.jpg /bathroom_0030/sync_depth_00044.png 518.8579 +/cafe_0001a/rgb_00024.jpg /cafe_0001a/sync_depth_00024.png 518.8579 +/bedroom_0116/rgb_00005.jpg /bedroom_0116/sync_depth_00005.png 518.8579 +/kitchen_0043/rgb_00151.jpg /kitchen_0043/sync_depth_00151.png 518.8579 +/cafe_0001a/rgb_00070.jpg /cafe_0001a/sync_depth_00070.png 518.8579 +/bathroom_0010/rgb_00021.jpg /bathroom_0010/sync_depth_00021.png 518.8579 +/living_room_0062/rgb_00086.jpg /living_room_0062/sync_depth_00086.png 518.8579 +/reception_room_0004/rgb_00055.jpg /reception_room_0004/sync_depth_00055.png 518.8579 +/kitchen_0029a/rgb_00034.jpg /kitchen_0029a/sync_depth_00034.png 518.8579 +/study_0005/rgb_00010.jpg /study_0005/sync_depth_00010.png 518.8579 +/dining_room_0029/rgb_00073.jpg /dining_room_0029/sync_depth_00073.png 518.8579 +/kitchen_0003/rgb_00175.jpg /kitchen_0003/sync_depth_00175.png 518.8579 +/living_room_0062/rgb_00185.jpg /living_room_0062/sync_depth_00185.png 518.8579 +/foyer_0002/rgb_00038.jpg /foyer_0002/sync_depth_00038.png 518.8579 +/kitchen_0048/rgb_00240.jpg /kitchen_0048/sync_depth_00240.png 518.8579 +/bedroom_0076a/rgb_00114.jpg /bedroom_0076a/sync_depth_00114.png 518.8579 +/bedroom_0026/rgb_00101.jpg /bedroom_0026/sync_depth_00101.png 518.8579 +/furniture_store_0001e/rgb_00050.jpg /furniture_store_0001e/sync_depth_00050.png 518.8579 +/bedroom_0047/rgb_00063.jpg /bedroom_0047/sync_depth_00063.png 518.8579 +/bedroom_0004/rgb_00096.jpg /bedroom_0004/sync_depth_00096.png 518.8579 +/bedroom_0033/rgb_00096.jpg /bedroom_0033/sync_depth_00096.png 518.8579 +/kitchen_0051/rgb_00225.jpg /kitchen_0051/sync_depth_00225.png 518.8579 +/living_room_0010/rgb_00207.jpg /living_room_0010/sync_depth_00207.png 518.8579 +/living_room_0063/rgb_00018.jpg /living_room_0063/sync_depth_00018.png 518.8579 +/basement_0001a/rgb_00031.jpg /basement_0001a/sync_depth_00031.png 518.8579 +/bookstore_0001f/rgb_00520.jpg /bookstore_0001f/sync_depth_00520.png 518.8579 +/office_0019/rgb_00047.jpg /office_0019/sync_depth_00047.png 518.8579 +/bedroom_0042/rgb_00046.jpg /bedroom_0042/sync_depth_00046.png 518.8579 +/bedroom_0076a/rgb_00258.jpg /bedroom_0076a/sync_depth_00258.png 518.8579 +/kitchen_0010/rgb_00039.jpg /kitchen_0010/sync_depth_00039.png 518.8579 +/bathroom_0016/rgb_00020.jpg /bathroom_0016/sync_depth_00020.png 518.8579 +/dining_room_0012/rgb_00040.jpg /dining_room_0012/sync_depth_00040.png 518.8579 +/bedroom_0026/rgb_00115.jpg /bedroom_0026/sync_depth_00115.png 518.8579 +/kitchen_0045a/rgb_00145.jpg /kitchen_0045a/sync_depth_00145.png 518.8579 +/kitchen_0011b/rgb_00053.jpg /kitchen_0011b/sync_depth_00053.png 518.8579 +/bookstore_0001i/rgb_00146.jpg /bookstore_0001i/sync_depth_00146.png 518.8579 +/bedroom_0033/rgb_00047.jpg /bedroom_0033/sync_depth_00047.png 518.8579 +/bedroom_0020/rgb_00049.jpg /bedroom_0020/sync_depth_00049.png 518.8579 +/living_room_0062/rgb_00062.jpg /living_room_0062/sync_depth_00062.png 518.8579 +/living_room_0019/rgb_00162.jpg /living_room_0019/sync_depth_00162.png 518.8579 +/bedroom_0096/rgb_00040.jpg /bedroom_0096/sync_depth_00040.png 518.8579 +/bookstore_0001h/rgb_00091.jpg /bookstore_0001h/sync_depth_00091.png 518.8579 +/living_room_0040/rgb_00158.jpg /living_room_0040/sync_depth_00158.png 518.8579 +/kitchen_0016/rgb_00099.jpg /kitchen_0016/sync_depth_00099.png 518.8579 +/living_room_0006/rgb_00019.jpg /living_room_0006/sync_depth_00019.png 518.8579 +/bedroom_0020/rgb_00099.jpg /bedroom_0020/sync_depth_00099.png 518.8579 +/bedroom_0097/rgb_00059.jpg /bedroom_0097/sync_depth_00059.png 518.8579 +/study_room_0004/rgb_00211.jpg /study_room_0004/sync_depth_00211.png 518.8579 +/dining_room_0012/rgb_00132.jpg /dining_room_0012/sync_depth_00132.png 518.8579 +/nyu_office_1/rgb_00033.jpg /nyu_office_1/sync_depth_00033.png 518.8579 +/kitchen_0053/rgb_00093.jpg /kitchen_0053/sync_depth_00093.png 518.8579 +/cafe_0001c/rgb_00058.jpg /cafe_0001c/sync_depth_00058.png 518.8579 +/playroom_0006/rgb_00086.jpg /playroom_0006/sync_depth_00086.png 518.8579 +/office_0011/rgb_00127.jpg /office_0011/sync_depth_00127.png 518.8579 +/living_room_0078/rgb_00140.jpg /living_room_0078/sync_depth_00140.png 518.8579 +/bedroom_0104/rgb_00007.jpg /bedroom_0104/sync_depth_00007.png 518.8579 +/living_room_0019/rgb_00199.jpg /living_room_0019/sync_depth_00199.png 518.8579 +/living_room_0040/rgb_00278.jpg /living_room_0040/sync_depth_00278.png 518.8579 +/bookstore_0001d/rgb_00059.jpg /bookstore_0001d/sync_depth_00059.png 518.8579 +/dining_room_0014/rgb_00048.jpg /dining_room_0014/sync_depth_00048.png 518.8579 +/kitchen_0035b/rgb_00227.jpg /kitchen_0035b/sync_depth_00227.png 518.8579 +/living_room_0010/rgb_00011.jpg /living_room_0010/sync_depth_00011.png 518.8579 +/dining_room_0028/rgb_00026.jpg /dining_room_0028/sync_depth_00026.png 518.8579 +/bookstore_0001j/rgb_00272.jpg /bookstore_0001j/sync_depth_00272.png 518.8579 +/dining_room_0031/rgb_00348.jpg /dining_room_0031/sync_depth_00348.png 518.8579 +/living_room_0047b/rgb_00069.jpg /living_room_0047b/sync_depth_00069.png 518.8579 +/dining_room_0031/rgb_00397.jpg /dining_room_0031/sync_depth_00397.png 518.8579 +/bedroom_0086/rgb_00132.jpg /bedroom_0086/sync_depth_00132.png 518.8579 +/bookstore_0001d/rgb_00261.jpg /bookstore_0001d/sync_depth_00261.png 518.8579 +/bedroom_0126/rgb_00019.jpg /bedroom_0126/sync_depth_00019.png 518.8579 +/kitchen_0031/rgb_00141.jpg /kitchen_0031/sync_depth_00141.png 518.8579 +/furniture_store_0001b/rgb_00019.jpg /furniture_store_0001b/sync_depth_00019.png 518.8579 +/nyu_office_0/rgb_00237.jpg /nyu_office_0/sync_depth_00237.png 518.8579 +/dining_room_0031/rgb_00152.jpg /dining_room_0031/sync_depth_00152.png 518.8579 +/living_room_0050/rgb_00174.jpg /living_room_0050/sync_depth_00174.png 518.8579 +/bedroom_0019/rgb_00060.jpg /bedroom_0019/sync_depth_00060.png 518.8579 +/kitchen_0059/rgb_00073.jpg /kitchen_0059/sync_depth_00073.png 518.8579 +/dining_room_0031/rgb_00005.jpg /dining_room_0031/sync_depth_00005.png 518.8579 +/kitchen_0028b/rgb_00077.jpg /kitchen_0028b/sync_depth_00077.png 518.8579 +/dining_room_0001b/rgb_00024.jpg /dining_room_0001b/sync_depth_00024.png 518.8579 +/living_room_0055/rgb_00076.jpg /living_room_0055/sync_depth_00076.png 518.8579 +/dining_room_0016/rgb_00216.jpg /dining_room_0016/sync_depth_00216.png 518.8579 +/living_room_0010/rgb_00003.jpg /living_room_0010/sync_depth_00003.png 518.8579 +/study_room_0004/rgb_00136.jpg /study_room_0004/sync_depth_00136.png 518.8579 +/bedroom_0053/rgb_00048.jpg /bedroom_0053/sync_depth_00048.png 518.8579 +/bathroom_0042/rgb_00042.jpg /bathroom_0042/sync_depth_00042.png 518.8579 +/dining_room_0033/rgb_00046.jpg /dining_room_0033/sync_depth_00046.png 518.8579 +/furniture_store_0001e/rgb_00003.jpg /furniture_store_0001e/sync_depth_00003.png 518.8579 +/dining_room_0008/rgb_00172.jpg /dining_room_0008/sync_depth_00172.png 518.8579 +/living_room_0020/rgb_00215.jpg /living_room_0020/sync_depth_00215.png 518.8579 +/bedroom_0129/rgb_00092.jpg /bedroom_0129/sync_depth_00092.png 518.8579 +/bedroom_0053/rgb_00041.jpg /bedroom_0053/sync_depth_00041.png 518.8579 +/bedroom_0040/rgb_00005.jpg /bedroom_0040/sync_depth_00005.png 518.8579 +/bedroom_0071/rgb_00084.jpg /bedroom_0071/sync_depth_00084.png 518.8579 +/dining_room_0008/rgb_00078.jpg /dining_room_0008/sync_depth_00078.png 518.8579 +/living_room_0010/rgb_00045.jpg /living_room_0010/sync_depth_00045.png 518.8579 +/bedroom_0051/rgb_00203.jpg /bedroom_0051/sync_depth_00203.png 518.8579 +/kitchen_0045a/rgb_00124.jpg /kitchen_0045a/sync_depth_00124.png 518.8579 +/reception_room_0001b/rgb_00089.jpg /reception_room_0001b/sync_depth_00089.png 518.8579 +/study_0004/rgb_00015.jpg /study_0004/sync_depth_00015.png 518.8579 +/office_0026/rgb_00176.jpg /office_0026/sync_depth_00176.png 518.8579 +/kitchen_0019a/rgb_00176.jpg /kitchen_0019a/sync_depth_00176.png 518.8579 +/home_storage_0001/rgb_00130.jpg /home_storage_0001/sync_depth_00130.png 518.8579 +/kitchen_0041/rgb_00034.jpg /kitchen_0041/sync_depth_00034.png 518.8579 +/bedroom_0069/rgb_00083.jpg /bedroom_0069/sync_depth_00083.png 518.8579 +/bookstore_0001j/rgb_00011.jpg /bookstore_0001j/sync_depth_00011.png 518.8579 +/furniture_store_0002d/rgb_00058.jpg /furniture_store_0002d/sync_depth_00058.png 518.8579 +/bedroom_0014/rgb_00070.jpg /bedroom_0014/sync_depth_00070.png 518.8579 +/bedroom_0010/rgb_00097.jpg /bedroom_0010/sync_depth_00097.png 518.8579 +/living_room_0069a/rgb_00035.jpg /living_room_0069a/sync_depth_00035.png 518.8579 +/classroom_0004/rgb_00036.jpg /classroom_0004/sync_depth_00036.png 518.8579 +/reception_room_0002/rgb_00095.jpg /reception_room_0002/sync_depth_00095.png 518.8579 +/kitchen_0017/rgb_00005.jpg /kitchen_0017/sync_depth_00005.png 518.8579 +/living_room_0010/rgb_00038.jpg /living_room_0010/sync_depth_00038.png 518.8579 +/office_kitchen_0001a/rgb_00006.jpg /office_kitchen_0001a/sync_depth_00006.png 518.8579 +/bathroom_0028/rgb_00090.jpg /bathroom_0028/sync_depth_00090.png 518.8579 +/living_room_0071/rgb_00019.jpg /living_room_0071/sync_depth_00019.png 518.8579 +/bedroom_0078/rgb_00079.jpg /bedroom_0078/sync_depth_00079.png 518.8579 +/bookstore_0001i/rgb_00161.jpg /bookstore_0001i/sync_depth_00161.png 518.8579 +/home_office_0007/rgb_00033.jpg /home_office_0007/sync_depth_00033.png 518.8579 +/dining_room_0007/rgb_00082.jpg /dining_room_0007/sync_depth_00082.png 518.8579 +/kitchen_0045b/rgb_00045.jpg /kitchen_0045b/sync_depth_00045.png 518.8579 +/dining_room_0007/rgb_00213.jpg /dining_room_0007/sync_depth_00213.png 518.8579 +/kitchen_0053/rgb_00233.jpg /kitchen_0053/sync_depth_00233.png 518.8579 +/kitchen_0050/rgb_00011.jpg /kitchen_0050/sync_depth_00011.png 518.8579 +/kitchen_0043/rgb_00149.jpg /kitchen_0043/sync_depth_00149.png 518.8579 +/bedroom_0096/rgb_00068.jpg /bedroom_0096/sync_depth_00068.png 518.8579 +/bathroom_0049/rgb_00019.jpg /bathroom_0049/sync_depth_00019.png 518.8579 +/kitchen_0060/rgb_00153.jpg /kitchen_0060/sync_depth_00153.png 518.8579 +/living_room_0050/rgb_00197.jpg /living_room_0050/sync_depth_00197.png 518.8579 +/living_room_0058/rgb_00093.jpg /living_room_0058/sync_depth_00093.png 518.8579 +/kitchen_0052/rgb_00067.jpg /kitchen_0052/sync_depth_00067.png 518.8579 +/dining_room_0033/rgb_00122.jpg /dining_room_0033/sync_depth_00122.png 518.8579 +/kitchen_0011a/rgb_00113.jpg /kitchen_0011a/sync_depth_00113.png 518.8579 +/reception_room_0002/rgb_00087.jpg /reception_room_0002/sync_depth_00087.png 518.8579 +/bedroom_0015/rgb_00033.jpg /bedroom_0015/sync_depth_00033.png 518.8579 +/office_0012/rgb_00071.jpg /office_0012/sync_depth_00071.png 518.8579 +/living_room_0063/rgb_00106.jpg /living_room_0063/sync_depth_00106.png 518.8579 +/office_0024/rgb_00115.jpg /office_0024/sync_depth_00115.png 518.8579 +/living_room_0004/rgb_00161.jpg /living_room_0004/sync_depth_00161.png 518.8579 +/kitchen_0053/rgb_00005.jpg /kitchen_0053/sync_depth_00005.png 518.8579 +/bedroom_0120/rgb_00058.jpg /bedroom_0120/sync_depth_00058.png 518.8579 +/home_office_0011/rgb_00078.jpg /home_office_0011/sync_depth_00078.png 518.8579 +/bedroom_0060/rgb_00026.jpg /bedroom_0060/sync_depth_00026.png 518.8579 +/bedroom_0062/rgb_00037.jpg /bedroom_0062/sync_depth_00037.png 518.8579 +/bedroom_0125b/rgb_00028.jpg /bedroom_0125b/sync_depth_00028.png 518.8579 +/kitchen_0051/rgb_00098.jpg /kitchen_0051/sync_depth_00098.png 518.8579 +/dining_room_0028/rgb_00024.jpg /dining_room_0028/sync_depth_00024.png 518.8579 +/kitchen_0048/rgb_00191.jpg /kitchen_0048/sync_depth_00191.png 518.8579 +/bookstore_0001j/rgb_00132.jpg /bookstore_0001j/sync_depth_00132.png 518.8579 +/playroom_0003/rgb_00029.jpg /playroom_0003/sync_depth_00029.png 518.8579 +/dining_room_0028/rgb_00122.jpg /dining_room_0028/sync_depth_00122.png 518.8579 +/bookstore_0001g/rgb_00169.jpg /bookstore_0001g/sync_depth_00169.png 518.8579 +/dining_room_0015/rgb_00218.jpg /dining_room_0015/sync_depth_00218.png 518.8579 +/dining_room_0029/rgb_00028.jpg /dining_room_0029/sync_depth_00028.png 518.8579 +/dining_room_0037/rgb_00054.jpg /dining_room_0037/sync_depth_00054.png 518.8579 +/bedroom_0098/rgb_00033.jpg /bedroom_0098/sync_depth_00033.png 518.8579 +/furniture_store_0002a/rgb_00226.jpg /furniture_store_0002a/sync_depth_00226.png 518.8579 +/bedroom_0014/rgb_00036.jpg /bedroom_0014/sync_depth_00036.png 518.8579 +/living_room_0012/rgb_00165.jpg /living_room_0012/sync_depth_00165.png 518.8579 +/nyu_office_1/rgb_00040.jpg /nyu_office_1/sync_depth_00040.png 518.8579 +/kitchen_0029c/rgb_00091.jpg /kitchen_0029c/sync_depth_00091.png 518.8579 +/home_office_0007/rgb_00065.jpg /home_office_0007/sync_depth_00065.png 518.8579 +/kitchen_0045a/rgb_00060.jpg /kitchen_0045a/sync_depth_00060.png 518.8579 +/kitchen_0048/rgb_00207.jpg /kitchen_0048/sync_depth_00207.png 518.8579 +/kitchen_0060/rgb_00062.jpg /kitchen_0060/sync_depth_00062.png 518.8579 +/furniture_store_0002b/rgb_00117.jpg /furniture_store_0002b/sync_depth_00117.png 518.8579 +/dining_room_0031/rgb_00278.jpg /dining_room_0031/sync_depth_00278.png 518.8579 +/reception_room_0001a/rgb_00062.jpg /reception_room_0001a/sync_depth_00062.png 518.8579 +/basement_0001a/rgb_00170.jpg /basement_0001a/sync_depth_00170.png 518.8579 +/bookstore_0001f/rgb_00065.jpg /bookstore_0001f/sync_depth_00065.png 518.8579 +/bathroom_0006/rgb_00003.jpg /bathroom_0006/sync_depth_00003.png 518.8579 +/study_0004/rgb_00052.jpg /study_0004/sync_depth_00052.png 518.8579 +/dining_room_0031/rgb_00261.jpg /dining_room_0031/sync_depth_00261.png 518.8579 +/living_room_0022/rgb_00042.jpg /living_room_0022/sync_depth_00042.png 518.8579 +/kitchen_0033/rgb_00026.jpg /kitchen_0033/sync_depth_00026.png 518.8579 +/office_0011/rgb_00115.jpg /office_0011/sync_depth_00115.png 518.8579 +/reception_room_0004/rgb_00088.jpg /reception_room_0004/sync_depth_00088.png 518.8579 +/bookstore_0001i/rgb_00080.jpg /bookstore_0001i/sync_depth_00080.png 518.8579 +/kitchen_0033/rgb_00083.jpg /kitchen_0033/sync_depth_00083.png 518.8579 +/bathroom_0041/rgb_00079.jpg /bathroom_0041/sync_depth_00079.png 518.8579 +/bedroom_0086/rgb_00053.jpg /bedroom_0086/sync_depth_00053.png 518.8579 +/bathroom_0035/rgb_00036.jpg /bathroom_0035/sync_depth_00036.png 518.8579 +/home_office_0006/rgb_00038.jpg /home_office_0006/sync_depth_00038.png 518.8579 +/furniture_store_0001b/rgb_00012.jpg /furniture_store_0001b/sync_depth_00012.png 518.8579 +/bedroom_0017/rgb_00026.jpg /bedroom_0017/sync_depth_00026.png 518.8579 +/classroom_0004/rgb_00067.jpg /classroom_0004/sync_depth_00067.png 518.8579 +/living_room_0070/rgb_00064.jpg /living_room_0070/sync_depth_00064.png 518.8579 +/dining_room_0010/rgb_00101.jpg /dining_room_0010/sync_depth_00101.png 518.8579 +/playroom_0006/rgb_00112.jpg /playroom_0006/sync_depth_00112.png 518.8579 +/living_room_0062/rgb_00139.jpg /living_room_0062/sync_depth_00139.png 518.8579 +/cafe_0001c/rgb_00046.jpg /cafe_0001c/sync_depth_00046.png 518.8579 +/bedroom_0067b/rgb_00012.jpg /bedroom_0067b/sync_depth_00012.png 518.8579 +/office_0006/rgb_00118.jpg /office_0006/sync_depth_00118.png 518.8579 +/office_0019/rgb_00009.jpg /office_0019/sync_depth_00009.png 518.8579 +/kitchen_0006/rgb_00064.jpg /kitchen_0006/sync_depth_00064.png 518.8579 +/bedroom_0035/rgb_00032.jpg /bedroom_0035/sync_depth_00032.png 518.8579 +/furniture_store_0001b/rgb_00067.jpg /furniture_store_0001b/sync_depth_00067.png 518.8579 +/furniture_store_0001f/rgb_00008.jpg /furniture_store_0001f/sync_depth_00008.png 518.8579 +/basement_0001a/rgb_00174.jpg /basement_0001a/sync_depth_00174.png 518.8579 +/reception_room_0001b/rgb_00106.jpg /reception_room_0001b/sync_depth_00106.png 518.8579 +/printer_room_0001/rgb_00063.jpg /printer_room_0001/sync_depth_00063.png 518.8579 +/bookstore_0001j/rgb_00087.jpg /bookstore_0001j/sync_depth_00087.png 518.8579 +/bathroom_0028/rgb_00044.jpg /bathroom_0028/sync_depth_00044.png 518.8579 +/kitchen_0051/rgb_00033.jpg /kitchen_0051/sync_depth_00033.png 518.8579 +/dining_room_0031/rgb_00385.jpg /dining_room_0031/sync_depth_00385.png 518.8579 +/dining_room_0037/rgb_00013.jpg /dining_room_0037/sync_depth_00013.png 518.8579 +/bedroom_0025/rgb_00139.jpg /bedroom_0025/sync_depth_00139.png 518.8579 +/bookstore_0001h/rgb_00073.jpg /bookstore_0001h/sync_depth_00073.png 518.8579 +/furniture_store_0002a/rgb_00392.jpg /furniture_store_0002a/sync_depth_00392.png 518.8579 +/dining_room_0037/rgb_00154.jpg /dining_room_0037/sync_depth_00154.png 518.8579 +/kitchen_0049/rgb_00031.jpg /kitchen_0049/sync_depth_00031.png 518.8579 +/bedroom_0016/rgb_00174.jpg /bedroom_0016/sync_depth_00174.png 518.8579 +/kitchen_0006/rgb_00045.jpg /kitchen_0006/sync_depth_00045.png 518.8579 +/dining_room_0013/rgb_00038.jpg /dining_room_0013/sync_depth_00038.png 518.8579 +/study_0004/rgb_00029.jpg /study_0004/sync_depth_00029.png 518.8579 +/living_room_0022/rgb_00081.jpg /living_room_0022/sync_depth_00081.png 518.8579 +/kitchen_0037/rgb_00115.jpg /kitchen_0037/sync_depth_00115.png 518.8579 +/dining_room_0013/rgb_00043.jpg /dining_room_0013/sync_depth_00043.png 518.8579 +/bedroom_0078/rgb_00107.jpg /bedroom_0078/sync_depth_00107.png 518.8579 +/living_room_0063/rgb_00020.jpg /living_room_0063/sync_depth_00020.png 518.8579 +/bookstore_0001e/rgb_00031.jpg /bookstore_0001e/sync_depth_00031.png 518.8579 +/bathroom_0039/rgb_00055.jpg /bathroom_0039/sync_depth_00055.png 518.8579 +/home_office_0006/rgb_00000.jpg /home_office_0006/sync_depth_00000.png 518.8579 +/bedroom_0113/rgb_00077.jpg /bedroom_0113/sync_depth_00077.png 518.8579 +/home_storage_0001/rgb_00047.jpg /home_storage_0001/sync_depth_00047.png 518.8579 +/kitchen_0016/rgb_00065.jpg /kitchen_0016/sync_depth_00065.png 518.8579 +/kitchen_0037/rgb_00098.jpg /kitchen_0037/sync_depth_00098.png 518.8579 +/dining_room_0008/rgb_00175.jpg /dining_room_0008/sync_depth_00175.png 518.8579 +/kitchen_0035b/rgb_00251.jpg /kitchen_0035b/sync_depth_00251.png 518.8579 +/bedroom_0082/rgb_00005.jpg /bedroom_0082/sync_depth_00005.png 518.8579 +/excercise_room_0001/rgb_00028.jpg /excercise_room_0001/sync_depth_00028.png 518.8579 +/living_room_0010/rgb_00096.jpg /living_room_0010/sync_depth_00096.png 518.8579 +/bookstore_0001f/rgb_00129.jpg /bookstore_0001f/sync_depth_00129.png 518.8579 +/dining_room_0016/rgb_00115.jpg /dining_room_0016/sync_depth_00115.png 518.8579 +/bookstore_0001g/rgb_00022.jpg /bookstore_0001g/sync_depth_00022.png 518.8579 +/reception_room_0002/rgb_00018.jpg /reception_room_0002/sync_depth_00018.png 518.8579 +/bathroom_0057/rgb_00017.jpg /bathroom_0057/sync_depth_00017.png 518.8579 +/living_room_0011/rgb_00005.jpg /living_room_0011/sync_depth_00005.png 518.8579 +/bedroom_0078/rgb_00101.jpg /bedroom_0078/sync_depth_00101.png 518.8579 +/kitchen_0043/rgb_00258.jpg /kitchen_0043/sync_depth_00258.png 518.8579 +/bookstore_0001f/rgb_00355.jpg /bookstore_0001f/sync_depth_00355.png 518.8579 +/dining_room_0001b/rgb_00193.jpg /dining_room_0001b/sync_depth_00193.png 518.8579 +/bathroom_0011/rgb_00013.jpg /bathroom_0011/sync_depth_00013.png 518.8579 +/dining_room_0033/rgb_00138.jpg /dining_room_0033/sync_depth_00138.png 518.8579 +/furniture_store_0002a/rgb_00054.jpg /furniture_store_0002a/sync_depth_00054.png 518.8579 +/living_room_0038/rgb_00115.jpg /living_room_0038/sync_depth_00115.png 518.8579 +/living_room_0047a/rgb_00026.jpg /living_room_0047a/sync_depth_00026.png 518.8579 +/kitchen_0060/rgb_00046.jpg /kitchen_0060/sync_depth_00046.png 518.8579 +/dining_room_0037/rgb_00046.jpg /dining_room_0037/sync_depth_00046.png 518.8579 +/living_room_0029/rgb_00011.jpg /living_room_0029/sync_depth_00011.png 518.8579 +/study_0003/rgb_00026.jpg /study_0003/sync_depth_00026.png 518.8579 +/bedroom_0071/rgb_00002.jpg /bedroom_0071/sync_depth_00002.png 518.8579 +/playroom_0002/rgb_00088.jpg /playroom_0002/sync_depth_00088.png 518.8579 +/study_0004/rgb_00004.jpg /study_0004/sync_depth_00004.png 518.8579 +/bedroom_0026/rgb_00133.jpg /bedroom_0026/sync_depth_00133.png 518.8579 +/classroom_0018/rgb_00031.jpg /classroom_0018/sync_depth_00031.png 518.8579 +/bathroom_0050/rgb_00009.jpg /bathroom_0050/sync_depth_00009.png 518.8579 +/bedroom_0057/rgb_00037.jpg /bedroom_0057/sync_depth_00037.png 518.8579 +/kitchen_0011a/rgb_00084.jpg /kitchen_0011a/sync_depth_00084.png 518.8579 +/office_0011/rgb_00021.jpg /office_0011/sync_depth_00021.png 518.8579 +/bedroom_0106/rgb_00019.jpg /bedroom_0106/sync_depth_00019.png 518.8579 +/kitchen_0028a/rgb_00158.jpg /kitchen_0028a/sync_depth_00158.png 518.8579 +/conference_room_0001/rgb_00130.jpg /conference_room_0001/sync_depth_00130.png 518.8579 +/dining_room_0010/rgb_00021.jpg /dining_room_0010/sync_depth_00021.png 518.8579 +/bedroom_0072/rgb_00102.jpg /bedroom_0072/sync_depth_00102.png 518.8579 +/dining_room_0001b/rgb_00091.jpg /dining_room_0001b/sync_depth_00091.png 518.8579 +/kitchen_0049/rgb_00234.jpg /kitchen_0049/sync_depth_00234.png 518.8579 +/bedroom_0076a/rgb_00111.jpg /bedroom_0076a/sync_depth_00111.png 518.8579 +/bedroom_0034/rgb_00060.jpg /bedroom_0034/sync_depth_00060.png 518.8579 +/office_0006/rgb_00103.jpg /office_0006/sync_depth_00103.png 518.8579 +/kitchen_0019a/rgb_00223.jpg /kitchen_0019a/sync_depth_00223.png 518.8579 +/bedroom_0086/rgb_00021.jpg /bedroom_0086/sync_depth_00021.png 518.8579 +/bookstore_0001d/rgb_00214.jpg /bookstore_0001d/sync_depth_00214.png 518.8579 +/bathroom_0024/rgb_00007.jpg /bathroom_0024/sync_depth_00007.png 518.8579 +/living_room_0050/rgb_00216.jpg /living_room_0050/sync_depth_00216.png 518.8579 +/office_0026/rgb_00188.jpg /office_0026/sync_depth_00188.png 518.8579 +/home_office_0008/rgb_00020.jpg /home_office_0008/sync_depth_00020.png 518.8579 +/dinette_0001/rgb_00037.jpg /dinette_0001/sync_depth_00037.png 518.8579 +/living_room_0047b/rgb_00202.jpg /living_room_0047b/sync_depth_00202.png 518.8579 +/kitchen_0051/rgb_00103.jpg /kitchen_0051/sync_depth_00103.png 518.8579 +/kitchen_0048/rgb_00224.jpg /kitchen_0048/sync_depth_00224.png 518.8579 +/conference_room_0001/rgb_00108.jpg /conference_room_0001/sync_depth_00108.png 518.8579 +/living_room_0020/rgb_00074.jpg /living_room_0020/sync_depth_00074.png 518.8579 +/office_kitchen_0003/rgb_00102.jpg /office_kitchen_0003/sync_depth_00102.png 518.8579 +/bedroom_0140/rgb_00141.jpg /bedroom_0140/sync_depth_00141.png 518.8579 +/living_room_0047b/rgb_00094.jpg /living_room_0047b/sync_depth_00094.png 518.8579 +/living_room_0018/rgb_00088.jpg /living_room_0018/sync_depth_00088.png 518.8579 +/living_room_0019/rgb_00024.jpg /living_room_0019/sync_depth_00024.png 518.8579 +/bathroom_0055/rgb_00060.jpg /bathroom_0055/sync_depth_00060.png 518.8579 +/kitchen_0019a/rgb_00055.jpg /kitchen_0019a/sync_depth_00055.png 518.8579 +/living_room_0012/rgb_00142.jpg /living_room_0012/sync_depth_00142.png 518.8579 +/living_room_0058/rgb_00278.jpg /living_room_0058/sync_depth_00278.png 518.8579 +/dining_room_0024/rgb_00027.jpg /dining_room_0024/sync_depth_00027.png 518.8579 +/bedroom_0066/rgb_00032.jpg /bedroom_0066/sync_depth_00032.png 518.8579 +/bathroom_0028/rgb_00092.jpg /bathroom_0028/sync_depth_00092.png 518.8579 +/dining_room_0031/rgb_00121.jpg /dining_room_0031/sync_depth_00121.png 518.8579 +/bedroom_0016/rgb_00013.jpg /bedroom_0016/sync_depth_00013.png 518.8579 +/home_office_0005/rgb_00129.jpg /home_office_0005/sync_depth_00129.png 518.8579 +/furniture_store_0001b/rgb_00083.jpg /furniture_store_0001b/sync_depth_00083.png 518.8579 +/bedroom_0052/rgb_00083.jpg /bedroom_0052/sync_depth_00083.png 518.8579 +/study_0003/rgb_00051.jpg /study_0003/sync_depth_00051.png 518.8579 +/kitchen_0043/rgb_00144.jpg /kitchen_0043/sync_depth_00144.png 518.8579 +/kitchen_0031/rgb_00175.jpg /kitchen_0031/sync_depth_00175.png 518.8579 +/furniture_store_0001b/rgb_00027.jpg /furniture_store_0001b/sync_depth_00027.png 518.8579 +/bookstore_0001e/rgb_00091.jpg /bookstore_0001e/sync_depth_00091.png 518.8579 +/kitchen_0049/rgb_00042.jpg /kitchen_0049/sync_depth_00042.png 518.8579 +/classroom_0003/rgb_00057.jpg /classroom_0003/sync_depth_00057.png 518.8579 +/home_office_0006/rgb_00077.jpg /home_office_0006/sync_depth_00077.png 518.8579 +/excercise_room_0001/rgb_00108.jpg /excercise_room_0001/sync_depth_00108.png 518.8579 +/living_room_0058/rgb_00072.jpg /living_room_0058/sync_depth_00072.png 518.8579 +/kitchen_0045a/rgb_00051.jpg /kitchen_0045a/sync_depth_00051.png 518.8579 +/basement_0001a/rgb_00015.jpg /basement_0001a/sync_depth_00015.png 518.8579 +/home_office_0013/rgb_00058.jpg /home_office_0013/sync_depth_00058.png 518.8579 +/living_room_0022/rgb_00342.jpg /living_room_0022/sync_depth_00342.png 518.8579 +/kitchen_0035a/rgb_00043.jpg /kitchen_0035a/sync_depth_00043.png 518.8579 +/conference_room_0001/rgb_00145.jpg /conference_room_0001/sync_depth_00145.png 518.8579 +/bedroom_0104/rgb_00087.jpg /bedroom_0104/sync_depth_00087.png 518.8579 +/bedroom_0041/rgb_00022.jpg /bedroom_0041/sync_depth_00022.png 518.8579 +/kitchen_0019b/rgb_00007.jpg /kitchen_0019b/sync_depth_00007.png 518.8579 +/student_lounge_0001/rgb_00032.jpg /student_lounge_0001/sync_depth_00032.png 518.8579 +/kitchen_0045a/rgb_00171.jpg /kitchen_0045a/sync_depth_00171.png 518.8579 +/kitchen_0053/rgb_00128.jpg /kitchen_0053/sync_depth_00128.png 518.8579 +/dining_room_0033/rgb_00074.jpg /dining_room_0033/sync_depth_00074.png 518.8579 +/living_room_0050/rgb_00107.jpg /living_room_0050/sync_depth_00107.png 518.8579 +/bathroom_0007/rgb_00098.jpg /bathroom_0007/sync_depth_00098.png 518.8579 +/bedroom_0086/rgb_00101.jpg /bedroom_0086/sync_depth_00101.png 518.8579 +/kitchen_0035b/rgb_00065.jpg /kitchen_0035b/sync_depth_00065.png 518.8579 +/classroom_0006/rgb_00138.jpg /classroom_0006/sync_depth_00138.png 518.8579 +/living_room_0055/rgb_00053.jpg /living_room_0055/sync_depth_00053.png 518.8579 +/dining_room_0031/rgb_00034.jpg /dining_room_0031/sync_depth_00034.png 518.8579 +/bookstore_0001d/rgb_00326.jpg /bookstore_0001d/sync_depth_00326.png 518.8579 +/living_room_0022/rgb_00214.jpg /living_room_0022/sync_depth_00214.png 518.8579 +/office_0026/rgb_00035.jpg /office_0026/sync_depth_00035.png 518.8579 +/bedroom_0021/rgb_00019.jpg /bedroom_0021/sync_depth_00019.png 518.8579 +/dining_room_0034/rgb_00161.jpg /dining_room_0034/sync_depth_00161.png 518.8579 +/bedroom_0015/rgb_00078.jpg /bedroom_0015/sync_depth_00078.png 518.8579 +/furniture_store_0001f/rgb_00018.jpg /furniture_store_0001f/sync_depth_00018.png 518.8579 +/living_room_0069b/rgb_00018.jpg /living_room_0069b/sync_depth_00018.png 518.8579 +/living_room_0012/rgb_00205.jpg /living_room_0012/sync_depth_00205.png 518.8579 +/bedroom_0140/rgb_00023.jpg /bedroom_0140/sync_depth_00023.png 518.8579 +/dining_room_0024/rgb_00035.jpg /dining_room_0024/sync_depth_00035.png 518.8579 +/living_room_0068/rgb_00008.jpg /living_room_0068/sync_depth_00008.png 518.8579 +/bathroom_0005/rgb_00052.jpg /bathroom_0005/sync_depth_00052.png 518.8579 +/bedroom_0016/rgb_00010.jpg /bedroom_0016/sync_depth_00010.png 518.8579 +/conference_room_0001/rgb_00051.jpg /conference_room_0001/sync_depth_00051.png 518.8579 +/nyu_office_0/rgb_00040.jpg /nyu_office_0/sync_depth_00040.png 518.8579 +/dining_room_0007/rgb_00186.jpg /dining_room_0007/sync_depth_00186.png 518.8579 +/furniture_store_0001a/rgb_00054.jpg /furniture_store_0001a/sync_depth_00054.png 518.8579 +/kitchen_0019a/rgb_00014.jpg /kitchen_0019a/sync_depth_00014.png 518.8579 +/bedroom_0042/rgb_00018.jpg /bedroom_0042/sync_depth_00018.png 518.8579 +/bedroom_0057/rgb_00005.jpg /bedroom_0057/sync_depth_00005.png 518.8579 +/study_0003/rgb_00068.jpg /study_0003/sync_depth_00068.png 518.8579 +/kitchen_0047/rgb_00116.jpg /kitchen_0047/sync_depth_00116.png 518.8579 +/dining_room_0001b/rgb_00009.jpg /dining_room_0001b/sync_depth_00009.png 518.8579 +/bedroom_0078/rgb_00124.jpg /bedroom_0078/sync_depth_00124.png 518.8579 +/kitchen_0028b/rgb_00057.jpg /kitchen_0028b/sync_depth_00057.png 518.8579 +/bookstore_0001f/rgb_00358.jpg /bookstore_0001f/sync_depth_00358.png 518.8579 +/classroom_0003/rgb_00033.jpg /classroom_0003/sync_depth_00033.png 518.8579 +/bedroom_0004/rgb_00053.jpg /bedroom_0004/sync_depth_00053.png 518.8579 +/basement_0001a/rgb_00144.jpg /basement_0001a/sync_depth_00144.png 518.8579 +/living_room_0005/rgb_00089.jpg /living_room_0005/sync_depth_00089.png 518.8579 +/indoor_balcony_0001/rgb_00026.jpg /indoor_balcony_0001/sync_depth_00026.png 518.8579 +/dining_room_0012/rgb_00074.jpg /dining_room_0012/sync_depth_00074.png 518.8579 +/playroom_0003/rgb_00112.jpg /playroom_0003/sync_depth_00112.png 518.8579 +/nyu_office_1/rgb_00024.jpg /nyu_office_1/sync_depth_00024.png 518.8579 +/bookstore_0001g/rgb_00279.jpg /bookstore_0001g/sync_depth_00279.png 518.8579 +/bedroom_0078/rgb_00024.jpg /bedroom_0078/sync_depth_00024.png 518.8579 +/bedroom_0016/rgb_00002.jpg /bedroom_0016/sync_depth_00002.png 518.8579 +/dining_room_0010/rgb_00041.jpg /dining_room_0010/sync_depth_00041.png 518.8579 +/living_room_0069a/rgb_00102.jpg /living_room_0069a/sync_depth_00102.png 518.8579 +/cafe_0001a/rgb_00061.jpg /cafe_0001a/sync_depth_00061.png 518.8579 +/bookstore_0001f/rgb_00404.jpg /bookstore_0001f/sync_depth_00404.png 518.8579 +/student_lounge_0001/rgb_00137.jpg /student_lounge_0001/sync_depth_00137.png 518.8579 +/bathroom_0014a/rgb_00024.jpg /bathroom_0014a/sync_depth_00024.png 518.8579 +/kitchen_0048/rgb_00097.jpg /kitchen_0048/sync_depth_00097.png 518.8579 +/kitchen_0035b/rgb_00139.jpg /kitchen_0035b/sync_depth_00139.png 518.8579 +/kitchen_0048/rgb_00115.jpg /kitchen_0048/sync_depth_00115.png 518.8579 +/home_office_0006/rgb_00125.jpg /home_office_0006/sync_depth_00125.png 518.8579 +/bookstore_0001e/rgb_00146.jpg /bookstore_0001e/sync_depth_00146.png 518.8579 +/kitchen_0019a/rgb_00079.jpg /kitchen_0019a/sync_depth_00079.png 518.8579 +/dining_room_0024/rgb_00002.jpg /dining_room_0024/sync_depth_00002.png 518.8579 +/bookstore_0001f/rgb_00399.jpg /bookstore_0001f/sync_depth_00399.png 518.8579 +/bedroom_0076a/rgb_00037.jpg /bedroom_0076a/sync_depth_00037.png 518.8579 +/cafe_0001c/rgb_00010.jpg /cafe_0001c/sync_depth_00010.png 518.8579 +/bathroom_0033/rgb_00043.jpg /bathroom_0033/sync_depth_00043.png 518.8579 +/bookstore_0001f/rgb_00116.jpg /bookstore_0001f/sync_depth_00116.png 518.8579 +/bathroom_0014a/rgb_00003.jpg /bathroom_0014a/sync_depth_00003.png 518.8579 +/bedroom_0017/rgb_00078.jpg /bedroom_0017/sync_depth_00078.png 518.8579 +/kitchen_0003/rgb_00055.jpg /kitchen_0003/sync_depth_00055.png 518.8579 +/living_room_0012/rgb_00046.jpg /living_room_0012/sync_depth_00046.png 518.8579 +/living_room_0046a/rgb_00071.jpg /living_room_0046a/sync_depth_00071.png 518.8579 +/dining_room_0034/rgb_00102.jpg /dining_room_0034/sync_depth_00102.png 518.8579 +/living_room_0022/rgb_00242.jpg /living_room_0022/sync_depth_00242.png 518.8579 +/nyu_office_1/rgb_00104.jpg /nyu_office_1/sync_depth_00104.png 518.8579 +/living_room_0010/rgb_00074.jpg /living_room_0010/sync_depth_00074.png 518.8579 +/bedroom_0100/rgb_00033.jpg /bedroom_0100/sync_depth_00033.png 518.8579 +/bedroom_0140/rgb_00028.jpg /bedroom_0140/sync_depth_00028.png 518.8579 +/furniture_store_0002a/rgb_00165.jpg /furniture_store_0002a/sync_depth_00165.png 518.8579 +/dining_room_0016/rgb_00142.jpg /dining_room_0016/sync_depth_00142.png 518.8579 +/living_room_0040/rgb_00261.jpg /living_room_0040/sync_depth_00261.png 518.8579 +/kitchen_0045a/rgb_00167.jpg /kitchen_0045a/sync_depth_00167.png 518.8579 +/living_room_0018/rgb_00178.jpg /living_room_0018/sync_depth_00178.png 518.8579 +/office_0011/rgb_00092.jpg /office_0011/sync_depth_00092.png 518.8579 +/office_0011/rgb_00164.jpg /office_0011/sync_depth_00164.png 518.8579 +/bookstore_0001f/rgb_00386.jpg /bookstore_0001f/sync_depth_00386.png 518.8579 +/living_room_0055/rgb_00113.jpg /living_room_0055/sync_depth_00113.png 518.8579 +/kitchen_0016/rgb_00115.jpg /kitchen_0016/sync_depth_00115.png 518.8579 +/living_room_0022/rgb_00040.jpg /living_room_0022/sync_depth_00040.png 518.8579 +/office_0024/rgb_00018.jpg /office_0024/sync_depth_00018.png 518.8579 +/playroom_0006/rgb_00111.jpg /playroom_0006/sync_depth_00111.png 518.8579 +/office_kitchen_0001a/rgb_00044.jpg /office_kitchen_0001a/sync_depth_00044.png 518.8579 +/furniture_store_0002b/rgb_00018.jpg /furniture_store_0002b/sync_depth_00018.png 518.8579 +/bookstore_0001j/rgb_00271.jpg /bookstore_0001j/sync_depth_00271.png 518.8579 +/bedroom_0019/rgb_00056.jpg /bedroom_0019/sync_depth_00056.png 518.8579 +/kitchen_0028a/rgb_00067.jpg /kitchen_0028a/sync_depth_00067.png 518.8579 +/bedroom_0076a/rgb_00145.jpg /bedroom_0076a/sync_depth_00145.png 518.8579 +/living_room_0019/rgb_00174.jpg /living_room_0019/sync_depth_00174.png 518.8579 +/dining_room_0024/rgb_00173.jpg /dining_room_0024/sync_depth_00173.png 518.8579 +/furniture_store_0001b/rgb_00029.jpg /furniture_store_0001b/sync_depth_00029.png 518.8579 +/bedroom_0080/rgb_00000.jpg /bedroom_0080/sync_depth_00000.png 518.8579 +/kitchen_0008/rgb_00037.jpg /kitchen_0008/sync_depth_00037.png 518.8579 +/furniture_store_0001b/rgb_00032.jpg /furniture_store_0001b/sync_depth_00032.png 518.8579 +/home_office_0008/rgb_00080.jpg /home_office_0008/sync_depth_00080.png 518.8579 +/bedroom_0140/rgb_00092.jpg /bedroom_0140/sync_depth_00092.png 518.8579 +/living_room_0029/rgb_00023.jpg /living_room_0029/sync_depth_00023.png 518.8579 +/bedroom_0067b/rgb_00034.jpg /bedroom_0067b/sync_depth_00034.png 518.8579 +/furniture_store_0002a/rgb_00276.jpg /furniture_store_0002a/sync_depth_00276.png 518.8579 +/dining_room_0024/rgb_00038.jpg /dining_room_0024/sync_depth_00038.png 518.8579 +/dining_room_0016/rgb_00017.jpg /dining_room_0016/sync_depth_00017.png 518.8579 +/bookstore_0001e/rgb_00130.jpg /bookstore_0001e/sync_depth_00130.png 518.8579 +/bookstore_0001h/rgb_00166.jpg /bookstore_0001h/sync_depth_00166.png 518.8579 +/bedroom_0140/rgb_00026.jpg /bedroom_0140/sync_depth_00026.png 518.8579 +/bedroom_0015/rgb_00045.jpg /bedroom_0015/sync_depth_00045.png 518.8579 +/bedroom_0051/rgb_00081.jpg /bedroom_0051/sync_depth_00081.png 518.8579 +/dining_room_0031/rgb_00329.jpg /dining_room_0031/sync_depth_00329.png 518.8579 +/dining_room_0019/rgb_00030.jpg /dining_room_0019/sync_depth_00030.png 518.8579 +/bedroom_0036/rgb_00001.jpg /bedroom_0036/sync_depth_00001.png 518.8579 +/conference_room_0001/rgb_00038.jpg /conference_room_0001/sync_depth_00038.png 518.8579 +/kitchen_0029c/rgb_00028.jpg /kitchen_0029c/sync_depth_00028.png 518.8579 +/printer_room_0001/rgb_00069.jpg /printer_room_0001/sync_depth_00069.png 518.8579 +/kitchen_0033/rgb_00017.jpg /kitchen_0033/sync_depth_00017.png 518.8579 +/bedroom_0098/rgb_00009.jpg /bedroom_0098/sync_depth_00009.png 518.8579 +/bathroom_0006/rgb_00050.jpg /bathroom_0006/sync_depth_00050.png 518.8579 +/living_room_0004/rgb_00063.jpg /living_room_0004/sync_depth_00063.png 518.8579 +/office_kitchen_0001b/rgb_00040.jpg /office_kitchen_0001b/sync_depth_00040.png 518.8579 +/living_room_0018/rgb_00205.jpg /living_room_0018/sync_depth_00205.png 518.8579 +/dining_room_0033/rgb_00197.jpg /dining_room_0033/sync_depth_00197.png 518.8579 +/study_0004/rgb_00027.jpg /study_0004/sync_depth_00027.png 518.8579 +/classroom_0003/rgb_00078.jpg /classroom_0003/sync_depth_00078.png 518.8579 +/bedroom_0052/rgb_00002.jpg /bedroom_0052/sync_depth_00002.png 518.8579 +/living_room_0018/rgb_00014.jpg /living_room_0018/sync_depth_00014.png 518.8579 +/home_office_0008/rgb_00058.jpg /home_office_0008/sync_depth_00058.png 518.8579 +/living_room_0062/rgb_00019.jpg /living_room_0062/sync_depth_00019.png 518.8579 +/office_0025/rgb_00034.jpg /office_0025/sync_depth_00034.png 518.8579 +/bathroom_0024/rgb_00041.jpg /bathroom_0024/sync_depth_00041.png 518.8579 +/bathroom_0014a/rgb_00070.jpg /bathroom_0014a/sync_depth_00070.png 518.8579 +/bookstore_0001f/rgb_00461.jpg /bookstore_0001f/sync_depth_00461.png 518.8579 +/dining_room_0034/rgb_00121.jpg /dining_room_0034/sync_depth_00121.png 518.8579 +/dining_room_0031/rgb_00317.jpg /dining_room_0031/sync_depth_00317.png 518.8579 +/bedroom_0062/rgb_00085.jpg /bedroom_0062/sync_depth_00085.png 518.8579 +/furniture_store_0002a/rgb_00317.jpg /furniture_store_0002a/sync_depth_00317.png 518.8579 +/office_0026/rgb_00036.jpg /office_0026/sync_depth_00036.png 518.8579 +/kitchen_0035b/rgb_00062.jpg /kitchen_0035b/sync_depth_00062.png 518.8579 +/bedroom_0053/rgb_00107.jpg /bedroom_0053/sync_depth_00107.png 518.8579 +/kitchen_0060/rgb_00081.jpg /kitchen_0060/sync_depth_00081.png 518.8579 +/bedroom_0063/rgb_00080.jpg /bedroom_0063/sync_depth_00080.png 518.8579 +/kitchen_0033/rgb_00156.jpg /kitchen_0033/sync_depth_00156.png 518.8579 +/bathroom_0028/rgb_00146.jpg /bathroom_0028/sync_depth_00146.png 518.8579 +/living_room_0067/rgb_00095.jpg /living_room_0067/sync_depth_00095.png 518.8579 +/printer_room_0001/rgb_00030.jpg /printer_room_0001/sync_depth_00030.png 518.8579 +/kitchen_0029c/rgb_00133.jpg /kitchen_0029c/sync_depth_00133.png 518.8579 +/dining_room_0015/rgb_00249.jpg /dining_room_0015/sync_depth_00249.png 518.8579 +/living_room_0067/rgb_00067.jpg /living_room_0067/sync_depth_00067.png 518.8579 +/cafe_0001a/rgb_00038.jpg /cafe_0001a/sync_depth_00038.png 518.8579 +/basement_0001a/rgb_00054.jpg /basement_0001a/sync_depth_00054.png 518.8579 +/bedroom_0096/rgb_00044.jpg /bedroom_0096/sync_depth_00044.png 518.8579 +/bedroom_0035/rgb_00000.jpg /bedroom_0035/sync_depth_00000.png 518.8579 +/dining_room_0028/rgb_00103.jpg /dining_room_0028/sync_depth_00103.png 518.8579 +/kitchen_0053/rgb_00207.jpg /kitchen_0053/sync_depth_00207.png 518.8579 +/home_office_0005/rgb_00100.jpg /home_office_0005/sync_depth_00100.png 518.8579 +/living_room_0083/rgb_00065.jpg /living_room_0083/sync_depth_00065.png 518.8579 +/classroom_0018/rgb_00037.jpg /classroom_0018/sync_depth_00037.png 518.8579 +/kitchen_0017/rgb_00036.jpg /kitchen_0017/sync_depth_00036.png 518.8579 +/bathroom_0007/rgb_00026.jpg /bathroom_0007/sync_depth_00026.png 518.8579 +/bedroom_0078/rgb_00023.jpg /bedroom_0078/sync_depth_00023.png 518.8579 +/furniture_store_0002a/rgb_00041.jpg /furniture_store_0002a/sync_depth_00041.png 518.8579 +/living_room_0037/rgb_00058.jpg /living_room_0037/sync_depth_00058.png 518.8579 +/kitchen_0049/rgb_00133.jpg /kitchen_0049/sync_depth_00133.png 518.8579 +/kitchen_0035b/rgb_00041.jpg /kitchen_0035b/sync_depth_00041.png 518.8579 +/playroom_0003/rgb_00053.jpg /playroom_0003/sync_depth_00053.png 518.8579 +/kitchen_0051/rgb_00258.jpg /kitchen_0051/sync_depth_00258.png 518.8579 +/living_room_0019/rgb_00136.jpg /living_room_0019/sync_depth_00136.png 518.8579 +/kitchen_0033/rgb_00074.jpg /kitchen_0033/sync_depth_00074.png 518.8579 +/office_0024/rgb_00023.jpg /office_0024/sync_depth_00023.png 518.8579 +/office_0011/rgb_00077.jpg /office_0011/sync_depth_00077.png 518.8579 +/bedroom_0078/rgb_00030.jpg /bedroom_0078/sync_depth_00030.png 518.8579 +/furniture_store_0002a/rgb_00136.jpg /furniture_store_0002a/sync_depth_00136.png 518.8579 +/office_0006/rgb_00090.jpg /office_0006/sync_depth_00090.png 518.8579 +/kitchen_0049/rgb_00023.jpg /kitchen_0049/sync_depth_00023.png 518.8579 +/dining_room_0023/rgb_00134.jpg /dining_room_0023/sync_depth_00134.png 518.8579 +/bathroom_0007/rgb_00023.jpg /bathroom_0007/sync_depth_00023.png 518.8579 +/living_room_0019/rgb_00142.jpg /living_room_0019/sync_depth_00142.png 518.8579 +/bedroom_0079/rgb_00013.jpg /bedroom_0079/sync_depth_00013.png 518.8579 +/bedroom_0072/rgb_00076.jpg /bedroom_0072/sync_depth_00076.png 518.8579 +/office_0024/rgb_00105.jpg /office_0024/sync_depth_00105.png 518.8579 +/kitchen_0035b/rgb_00017.jpg /kitchen_0035b/sync_depth_00017.png 518.8579 +/bathroom_0033/rgb_00011.jpg /bathroom_0033/sync_depth_00011.png 518.8579 +/bookstore_0001j/rgb_00278.jpg /bookstore_0001j/sync_depth_00278.png 518.8579 +/bookstore_0001i/rgb_00083.jpg /bookstore_0001i/sync_depth_00083.png 518.8579 +/living_room_0019/rgb_00193.jpg /living_room_0019/sync_depth_00193.png 518.8579 +/kitchen_0043/rgb_00205.jpg /kitchen_0043/sync_depth_00205.png 518.8579 +/home_office_0004/rgb_00147.jpg /home_office_0004/sync_depth_00147.png 518.8579 +/student_lounge_0001/rgb_00189.jpg /student_lounge_0001/sync_depth_00189.png 518.8579 +/kitchen_0052/rgb_00147.jpg /kitchen_0052/sync_depth_00147.png 518.8579 +/bedroom_0004/rgb_00088.jpg /bedroom_0004/sync_depth_00088.png 518.8579 +/living_room_0083/rgb_00098.jpg /living_room_0083/sync_depth_00098.png 518.8579 +/dining_room_0033/rgb_00087.jpg /dining_room_0033/sync_depth_00087.png 518.8579 +/living_room_0068/rgb_00081.jpg /living_room_0068/sync_depth_00081.png 518.8579 +/bedroom_0033/rgb_00070.jpg /bedroom_0033/sync_depth_00070.png 518.8579 +/bathroom_0055/rgb_00053.jpg /bathroom_0055/sync_depth_00053.png 518.8579 +/playroom_0004/rgb_00007.jpg /playroom_0004/sync_depth_00007.png 518.8579 +/bedroom_0038/rgb_00014.jpg /bedroom_0038/sync_depth_00014.png 518.8579 +/living_room_0004/rgb_00000.jpg /living_room_0004/sync_depth_00000.png 518.8579 +/kitchen_0045b/rgb_00061.jpg /kitchen_0045b/sync_depth_00061.png 518.8579 +/dining_room_0031/rgb_00018.jpg /dining_room_0031/sync_depth_00018.png 518.8579 +/kitchen_0028a/rgb_00125.jpg /kitchen_0028a/sync_depth_00125.png 518.8579 +/bedroom_0071/rgb_00042.jpg /bedroom_0071/sync_depth_00042.png 518.8579 +/basement_0001b/rgb_00032.jpg /basement_0001b/sync_depth_00032.png 518.8579 +/reception_room_0001b/rgb_00062.jpg /reception_room_0001b/sync_depth_00062.png 518.8579 +/study_room_0004/rgb_00033.jpg /study_room_0004/sync_depth_00033.png 518.8579 +/living_room_0022/rgb_00201.jpg /living_room_0022/sync_depth_00201.png 518.8579 +/bedroom_0028/rgb_00029.jpg /bedroom_0028/sync_depth_00029.png 518.8579 +/bedroom_0026/rgb_00015.jpg /bedroom_0026/sync_depth_00015.png 518.8579 +/study_room_0004/rgb_00076.jpg /study_room_0004/sync_depth_00076.png 518.8579 +/kitchen_0043/rgb_00129.jpg /kitchen_0043/sync_depth_00129.png 518.8579 +/bathroom_0048/rgb_00084.jpg /bathroom_0048/sync_depth_00084.png 518.8579 +/nyu_office_1/rgb_00068.jpg /nyu_office_1/sync_depth_00068.png 518.8579 +/bathroom_0041/rgb_00005.jpg /bathroom_0041/sync_depth_00005.png 518.8579 +/dining_room_0013/rgb_00165.jpg /dining_room_0013/sync_depth_00165.png 518.8579 +/bedroom_0014/rgb_00040.jpg /bedroom_0014/sync_depth_00040.png 518.8579 +/bedroom_0107/rgb_00007.jpg /bedroom_0107/sync_depth_00007.png 518.8579 +/kitchen_0051/rgb_00030.jpg /kitchen_0051/sync_depth_00030.png 518.8579 +/living_room_0062/rgb_00128.jpg /living_room_0062/sync_depth_00128.png 518.8579 +/office_0011/rgb_00054.jpg /office_0011/sync_depth_00054.png 518.8579 +/classroom_0004/rgb_00041.jpg /classroom_0004/sync_depth_00041.png 518.8579 +/bookstore_0001g/rgb_00152.jpg /bookstore_0001g/sync_depth_00152.png 518.8579 +/living_room_0067/rgb_00041.jpg /living_room_0067/sync_depth_00041.png 518.8579 +/bedroom_0004/rgb_00118.jpg /bedroom_0004/sync_depth_00118.png 518.8579 +/furniture_store_0002b/rgb_00203.jpg /furniture_store_0002b/sync_depth_00203.png 518.8579 +/kitchen_0051/rgb_00184.jpg /kitchen_0051/sync_depth_00184.png 518.8579 +/living_room_0022/rgb_00306.jpg /living_room_0022/sync_depth_00306.png 518.8579 +/bookstore_0001f/rgb_00113.jpg /bookstore_0001f/sync_depth_00113.png 518.8579 +/student_lounge_0001/rgb_00237.jpg /student_lounge_0001/sync_depth_00237.png 518.8579 +/bedroom_0051/rgb_00078.jpg /bedroom_0051/sync_depth_00078.png 518.8579 +/bookstore_0001j/rgb_00058.jpg /bookstore_0001j/sync_depth_00058.png 518.8579 +/furniture_store_0001d/rgb_00166.jpg /furniture_store_0001d/sync_depth_00166.png 518.8579 +/reception_room_0004/rgb_00025.jpg /reception_room_0004/sync_depth_00025.png 518.8579 +/dining_room_0031/rgb_00131.jpg /dining_room_0031/sync_depth_00131.png 518.8579 +/office_kitchen_0003/rgb_00026.jpg /office_kitchen_0003/sync_depth_00026.png 518.8579 +/living_room_0019/rgb_00170.jpg /living_room_0019/sync_depth_00170.png 518.8579 +/bedroom_0071/rgb_00124.jpg /bedroom_0071/sync_depth_00124.png 518.8579 +/living_room_0042b/rgb_00001.jpg /living_room_0042b/sync_depth_00001.png 518.8579 +/bedroom_0060/rgb_00094.jpg /bedroom_0060/sync_depth_00094.png 518.8579 +/bathroom_0019/rgb_00004.jpg /bathroom_0019/sync_depth_00004.png 518.8579 +/living_room_0029/rgb_00067.jpg /living_room_0029/sync_depth_00067.png 518.8579 +/home_office_0007/rgb_00050.jpg /home_office_0007/sync_depth_00050.png 518.8579 +/bedroom_0071/rgb_00055.jpg /bedroom_0071/sync_depth_00055.png 518.8579 +/bedroom_0020/rgb_00021.jpg /bedroom_0020/sync_depth_00021.png 518.8579 +/dining_room_0033/rgb_00142.jpg /dining_room_0033/sync_depth_00142.png 518.8579 +/bedroom_0025/rgb_00068.jpg /bedroom_0025/sync_depth_00068.png 518.8579 +/playroom_0004/rgb_00125.jpg /playroom_0004/sync_depth_00125.png 518.8579 +/bedroom_0029/rgb_00049.jpg /bedroom_0029/sync_depth_00049.png 518.8579 +/classroom_0005/rgb_00031.jpg /classroom_0005/sync_depth_00031.png 518.8579 +/furniture_store_0001d/rgb_00278.jpg /furniture_store_0001d/sync_depth_00278.png 518.8579 +/bedroom_0056a/rgb_00059.jpg /bedroom_0056a/sync_depth_00059.png 518.8579 +/bedroom_0067a/rgb_00014.jpg /bedroom_0067a/sync_depth_00014.png 518.8579 +/dining_room_0007/rgb_00181.jpg /dining_room_0007/sync_depth_00181.png 518.8579 +/dining_room_0023/rgb_00177.jpg /dining_room_0023/sync_depth_00177.png 518.8579 +/dining_room_0008/rgb_00065.jpg /dining_room_0008/sync_depth_00065.png 518.8579 +/dining_room_0033/rgb_00073.jpg /dining_room_0033/sync_depth_00073.png 518.8579 +/dining_room_0013/rgb_00106.jpg /dining_room_0013/sync_depth_00106.png 518.8579 +/bedroom_0104/rgb_00071.jpg /bedroom_0104/sync_depth_00071.png 518.8579 +/bedroom_0071/rgb_00081.jpg /bedroom_0071/sync_depth_00081.png 518.8579 +/bedroom_0025/rgb_00106.jpg /bedroom_0025/sync_depth_00106.png 518.8579 +/living_room_0018/rgb_00152.jpg /living_room_0018/sync_depth_00152.png 518.8579 +/study_0003/rgb_00107.jpg /study_0003/sync_depth_00107.png 518.8579 +/classroom_0004/rgb_00032.jpg /classroom_0004/sync_depth_00032.png 518.8579 +/kitchen_0031/rgb_00080.jpg /kitchen_0031/sync_depth_00080.png 518.8579 +/living_room_0006/rgb_00014.jpg /living_room_0006/sync_depth_00014.png 518.8579 +/furniture_store_0001f/rgb_00021.jpg /furniture_store_0001f/sync_depth_00021.png 518.8579 +/furniture_store_0001d/rgb_00168.jpg /furniture_store_0001d/sync_depth_00168.png 518.8579 +/bedroom_0082/rgb_00041.jpg /bedroom_0082/sync_depth_00041.png 518.8579 +/living_room_0040/rgb_00273.jpg /living_room_0040/sync_depth_00273.png 518.8579 +/kitchen_0045a/rgb_00075.jpg /kitchen_0045a/sync_depth_00075.png 518.8579 +/office_kitchen_0003/rgb_00087.jpg /office_kitchen_0003/sync_depth_00087.png 518.8579 +/bedroom_0016/rgb_00051.jpg /bedroom_0016/sync_depth_00051.png 518.8579 +/bedroom_0098/rgb_00036.jpg /bedroom_0098/sync_depth_00036.png 518.8579 +/bedroom_0071/rgb_00119.jpg /bedroom_0071/sync_depth_00119.png 518.8579 +/kitchen_0016/rgb_00049.jpg /kitchen_0016/sync_depth_00049.png 518.8579 +/living_room_0004/rgb_00027.jpg /living_room_0004/sync_depth_00027.png 518.8579 +/bedroom_0026/rgb_00108.jpg /bedroom_0026/sync_depth_00108.png 518.8579 +/dining_room_0004/rgb_00123.jpg /dining_room_0004/sync_depth_00123.png 518.8579 +/printer_room_0001/rgb_00072.jpg /printer_room_0001/sync_depth_00072.png 518.8579 +/bathroom_0005/rgb_00000.jpg /bathroom_0005/sync_depth_00000.png 518.8579 +/kitchen_0048/rgb_00169.jpg /kitchen_0048/sync_depth_00169.png 518.8579 +/bedroom_0004/rgb_00086.jpg /bedroom_0004/sync_depth_00086.png 518.8579 +/bedroom_0025/rgb_00113.jpg /bedroom_0025/sync_depth_00113.png 518.8579 +/dining_room_0033/rgb_00121.jpg /dining_room_0033/sync_depth_00121.png 518.8579 +/living_room_0069b/rgb_00083.jpg /living_room_0069b/sync_depth_00083.png 518.8579 +/kitchen_0048/rgb_00153.jpg /kitchen_0048/sync_depth_00153.png 518.8579 +/bedroom_0029/rgb_00033.jpg /bedroom_0029/sync_depth_00033.png 518.8579 +/kitchen_0031/rgb_00120.jpg /kitchen_0031/sync_depth_00120.png 518.8579 +/kitchen_0029c/rgb_00027.jpg /kitchen_0029c/sync_depth_00027.png 518.8579 +/kitchen_0011a/rgb_00126.jpg /kitchen_0011a/sync_depth_00126.png 518.8579 +/bathroom_0005/rgb_00024.jpg /bathroom_0005/sync_depth_00024.png 518.8579 +/kitchen_0035b/rgb_00142.jpg /kitchen_0035b/sync_depth_00142.png 518.8579 +/bedroom_0062/rgb_00136.jpg /bedroom_0062/sync_depth_00136.png 518.8579 +/excercise_room_0001/rgb_00085.jpg /excercise_room_0001/sync_depth_00085.png 518.8579 +/kitchen_0028a/rgb_00026.jpg /kitchen_0028a/sync_depth_00026.png 518.8579 +/living_room_0033/rgb_00027.jpg /living_room_0033/sync_depth_00027.png 518.8579 +/study_0008/rgb_00049.jpg /study_0008/sync_depth_00049.png 518.8579 +/home_office_0008/rgb_00137.jpg /home_office_0008/sync_depth_00137.png 518.8579 +/playroom_0002/rgb_00064.jpg /playroom_0002/sync_depth_00064.png 518.8579 +/playroom_0004/rgb_00122.jpg /playroom_0004/sync_depth_00122.png 518.8579 +/living_room_0037/rgb_00050.jpg /living_room_0037/sync_depth_00050.png 518.8579 +/furniture_store_0002b/rgb_00136.jpg /furniture_store_0002b/sync_depth_00136.png 518.8579 +/home_office_0008/rgb_00128.jpg /home_office_0008/sync_depth_00128.png 518.8579 +/living_room_0046b/rgb_00121.jpg /living_room_0046b/sync_depth_00121.png 518.8579 +/kitchen_0060/rgb_00106.jpg /kitchen_0060/sync_depth_00106.png 518.8579 +/office_0006/rgb_00064.jpg /office_0006/sync_depth_00064.png 518.8579 +/office_kitchen_0003/rgb_00096.jpg /office_kitchen_0003/sync_depth_00096.png 518.8579 +/office_kitchen_0003/rgb_00045.jpg /office_kitchen_0003/sync_depth_00045.png 518.8579 +/dining_room_0015/rgb_00119.jpg /dining_room_0015/sync_depth_00119.png 518.8579 +/dining_room_0024/rgb_00130.jpg /dining_room_0024/sync_depth_00130.png 518.8579 +/bedroom_0106/rgb_00100.jpg /bedroom_0106/sync_depth_00100.png 518.8579 +/study_room_0005a/rgb_00014.jpg /study_room_0005a/sync_depth_00014.png 518.8579 +/bedroom_0069/rgb_00027.jpg /bedroom_0069/sync_depth_00027.png 518.8579 +/living_room_0055/rgb_00031.jpg /living_room_0055/sync_depth_00031.png 518.8579 +/bedroom_0129/rgb_00022.jpg /bedroom_0129/sync_depth_00022.png 518.8579 +/reception_room_0001a/rgb_00100.jpg /reception_room_0001a/sync_depth_00100.png 518.8579 +/bedroom_0012/rgb_00018.jpg /bedroom_0012/sync_depth_00018.png 518.8579 +/dining_room_0010/rgb_00082.jpg /dining_room_0010/sync_depth_00082.png 518.8579 +/dinette_0001/rgb_00048.jpg /dinette_0001/sync_depth_00048.png 518.8579 +/study_room_0004/rgb_00140.jpg /study_room_0004/sync_depth_00140.png 518.8579 +/furniture_store_0001f/rgb_00012.jpg /furniture_store_0001f/sync_depth_00012.png 518.8579 +/living_room_0040/rgb_00275.jpg /living_room_0040/sync_depth_00275.png 518.8579 +/living_room_0029/rgb_00106.jpg /living_room_0029/sync_depth_00106.png 518.8579 +/bathroom_0048/rgb_00090.jpg /bathroom_0048/sync_depth_00090.png 518.8579 +/office_0024/rgb_00083.jpg /office_0024/sync_depth_00083.png 518.8579 +/bookstore_0001j/rgb_00290.jpg /bookstore_0001j/sync_depth_00290.png 518.8579 +/dining_room_0023/rgb_00132.jpg /dining_room_0023/sync_depth_00132.png 518.8579 +/kitchen_0003/rgb_00004.jpg /kitchen_0003/sync_depth_00004.png 518.8579 +/dining_room_0037/rgb_00078.jpg /dining_room_0037/sync_depth_00078.png 518.8579 +/dining_room_0012/rgb_00111.jpg /dining_room_0012/sync_depth_00111.png 518.8579 +/classroom_0006/rgb_00042.jpg /classroom_0006/sync_depth_00042.png 518.8579 +/kitchen_0029c/rgb_00083.jpg /kitchen_0029c/sync_depth_00083.png 518.8579 +/furniture_store_0002b/rgb_00269.jpg /furniture_store_0002b/sync_depth_00269.png 518.8579 +/dining_room_0013/rgb_00181.jpg /dining_room_0013/sync_depth_00181.png 518.8579 +/living_room_0005/rgb_00014.jpg /living_room_0005/sync_depth_00014.png 518.8579 +/bookstore_0001j/rgb_00218.jpg /bookstore_0001j/sync_depth_00218.png 518.8579 +/kitchen_0045a/rgb_00096.jpg /kitchen_0045a/sync_depth_00096.png 518.8579 +/home_office_0004/rgb_00189.jpg /home_office_0004/sync_depth_00189.png 518.8579 +/bookstore_0001d/rgb_00103.jpg /bookstore_0001d/sync_depth_00103.png 518.8579 +/furniture_store_0001b/rgb_00021.jpg /furniture_store_0001b/sync_depth_00021.png 518.8579 +/playroom_0006/rgb_00061.jpg /playroom_0006/sync_depth_00061.png 518.8579 +/dining_room_0016/rgb_00207.jpg /dining_room_0016/sync_depth_00207.png 518.8579 +/kitchen_0006/rgb_00054.jpg /kitchen_0006/sync_depth_00054.png 518.8579 +/living_room_0038/rgb_00059.jpg /living_room_0038/sync_depth_00059.png 518.8579 +/furniture_store_0002c/rgb_00025.jpg /furniture_store_0002c/sync_depth_00025.png 518.8579 +/living_room_0019/rgb_00158.jpg /living_room_0019/sync_depth_00158.png 518.8579 +/bookstore_0001e/rgb_00012.jpg /bookstore_0001e/sync_depth_00012.png 518.8579 +/bathroom_0024/rgb_00008.jpg /bathroom_0024/sync_depth_00008.png 518.8579 +/kitchen_0031/rgb_00195.jpg /kitchen_0031/sync_depth_00195.png 518.8579 +/bedroom_0042/rgb_00057.jpg /bedroom_0042/sync_depth_00057.png 518.8579 +/living_room_0006/rgb_00004.jpg /living_room_0006/sync_depth_00004.png 518.8579 +/bathroom_0049/rgb_00013.jpg /bathroom_0049/sync_depth_00013.png 518.8579 +/bookstore_0001e/rgb_00165.jpg /bookstore_0001e/sync_depth_00165.png 518.8579 +/living_room_0012/rgb_00208.jpg /living_room_0012/sync_depth_00208.png 518.8579 +/living_room_0063/rgb_00095.jpg /living_room_0063/sync_depth_00095.png 518.8579 +/cafe_0001b/rgb_00001.jpg /cafe_0001b/sync_depth_00001.png 518.8579 +/living_room_0050/rgb_00179.jpg /living_room_0050/sync_depth_00179.png 518.8579 +/kitchen_0019a/rgb_00175.jpg /kitchen_0019a/sync_depth_00175.png 518.8579 +/bedroom_0130/rgb_00047.jpg /bedroom_0130/sync_depth_00047.png 518.8579 +/dining_room_0034/rgb_00091.jpg /dining_room_0034/sync_depth_00091.png 518.8579 +/furniture_store_0001d/rgb_00028.jpg /furniture_store_0001d/sync_depth_00028.png 518.8579 +/furniture_store_0002a/rgb_00395.jpg /furniture_store_0002a/sync_depth_00395.png 518.8579 +/living_room_0086b/rgb_00044.jpg /living_room_0086b/sync_depth_00044.png 518.8579 +/dining_room_0031/rgb_00154.jpg /dining_room_0031/sync_depth_00154.png 518.8579 +/living_room_0005/rgb_00059.jpg /living_room_0005/sync_depth_00059.png 518.8579 +/dining_room_0028/rgb_00017.jpg /dining_room_0028/sync_depth_00017.png 518.8579 +/nyu_office_0/rgb_00115.jpg /nyu_office_0/sync_depth_00115.png 518.8579 +/dining_room_0015/rgb_00220.jpg /dining_room_0015/sync_depth_00220.png 518.8579 +/living_room_0018/rgb_00162.jpg /living_room_0018/sync_depth_00162.png 518.8579 +/bookstore_0001f/rgb_00058.jpg /bookstore_0001f/sync_depth_00058.png 518.8579 +/bookstore_0001e/rgb_00186.jpg /bookstore_0001e/sync_depth_00186.png 518.8579 +/living_room_0029/rgb_00109.jpg /living_room_0029/sync_depth_00109.png 518.8579 +/bedroom_0041/rgb_00024.jpg /bedroom_0041/sync_depth_00024.png 518.8579 +/kitchen_0031/rgb_00053.jpg /kitchen_0031/sync_depth_00053.png 518.8579 +/bedroom_0080/rgb_00004.jpg /bedroom_0080/sync_depth_00004.png 518.8579 +/dining_room_0004/rgb_00052.jpg /dining_room_0004/sync_depth_00052.png 518.8579 +/kitchen_0053/rgb_00000.jpg /kitchen_0053/sync_depth_00000.png 518.8579 +/kitchen_0045b/rgb_00105.jpg /kitchen_0045b/sync_depth_00105.png 518.8579 +/computer_lab_0002/rgb_00038.jpg /computer_lab_0002/sync_depth_00038.png 518.8579 +/kitchen_0011a/rgb_00081.jpg /kitchen_0011a/sync_depth_00081.png 518.8579 +/bedroom_0025/rgb_00099.jpg /bedroom_0025/sync_depth_00099.png 518.8579 +/bedroom_0076a/rgb_00002.jpg /bedroom_0076a/sync_depth_00002.png 518.8579 +/bedroom_0118/rgb_00027.jpg /bedroom_0118/sync_depth_00027.png 518.8579 +/dining_room_0016/rgb_00177.jpg /dining_room_0016/sync_depth_00177.png 518.8579 +/bookstore_0001g/rgb_00123.jpg /bookstore_0001g/sync_depth_00123.png 518.8579 +/living_room_0029/rgb_00036.jpg /living_room_0029/sync_depth_00036.png 518.8579 +/living_room_0078/rgb_00012.jpg /living_room_0078/sync_depth_00012.png 518.8579 +/playroom_0003/rgb_00209.jpg /playroom_0003/sync_depth_00209.png 518.8579 +/kitchen_0031/rgb_00016.jpg /kitchen_0031/sync_depth_00016.png 518.8579 +/basement_0001a/rgb_00133.jpg /basement_0001a/sync_depth_00133.png 518.8579 +/kitchen_0010/rgb_00100.jpg /kitchen_0010/sync_depth_00100.png 518.8579 +/living_room_0005/rgb_00152.jpg /living_room_0005/sync_depth_00152.png 518.8579 +/furniture_store_0001b/rgb_00075.jpg /furniture_store_0001b/sync_depth_00075.png 518.8579 +/bookstore_0001f/rgb_00352.jpg /bookstore_0001f/sync_depth_00352.png 518.8579 +/kitchen_0053/rgb_00141.jpg /kitchen_0053/sync_depth_00141.png 518.8579 +/study_0003/rgb_00021.jpg /study_0003/sync_depth_00021.png 518.8579 +/dining_room_0019/rgb_00093.jpg /dining_room_0019/sync_depth_00093.png 518.8579 +/living_room_0046a/rgb_00026.jpg /living_room_0046a/sync_depth_00026.png 518.8579 +/living_room_0058/rgb_00014.jpg /living_room_0058/sync_depth_00014.png 518.8579 +/conference_room_0002/rgb_00032.jpg /conference_room_0002/sync_depth_00032.png 518.8579 +/bedroom_0026/rgb_00069.jpg /bedroom_0026/sync_depth_00069.png 518.8579 +/living_room_0047b/rgb_00184.jpg /living_room_0047b/sync_depth_00184.png 518.8579 +/living_room_0040/rgb_00319.jpg /living_room_0040/sync_depth_00319.png 518.8579 +/kitchen_0019a/rgb_00103.jpg /kitchen_0019a/sync_depth_00103.png 518.8579 +/kitchen_0043/rgb_00119.jpg /kitchen_0043/sync_depth_00119.png 518.8579 +/dining_room_0037/rgb_00094.jpg /dining_room_0037/sync_depth_00094.png 518.8579 +/office_0012/rgb_00091.jpg /office_0012/sync_depth_00091.png 518.8579 +/study_0006/rgb_00025.jpg /study_0006/sync_depth_00025.png 518.8579 +/bedroom_0010/rgb_00017.jpg /bedroom_0010/sync_depth_00017.png 518.8579 +/kitchen_0006/rgb_00031.jpg /kitchen_0006/sync_depth_00031.png 518.8579 +/home_office_0005/rgb_00118.jpg /home_office_0005/sync_depth_00118.png 518.8579 +/office_0019/rgb_00043.jpg /office_0019/sync_depth_00043.png 518.8579 +/furniture_store_0001e/rgb_00024.jpg /furniture_store_0001e/sync_depth_00024.png 518.8579 +/bedroom_0120/rgb_00090.jpg /bedroom_0120/sync_depth_00090.png 518.8579 +/bedroom_0074/rgb_00074.jpg /bedroom_0074/sync_depth_00074.png 518.8579 +/bedroom_0017/rgb_00087.jpg /bedroom_0017/sync_depth_00087.png 518.8579 +/kitchen_0035a/rgb_00026.jpg /kitchen_0035a/sync_depth_00026.png 518.8579 +/office_0012/rgb_00003.jpg /office_0012/sync_depth_00003.png 518.8579 +/bedroom_0062/rgb_00111.jpg /bedroom_0062/sync_depth_00111.png 518.8579 +/bedroom_0100/rgb_00001.jpg /bedroom_0100/sync_depth_00001.png 518.8579 +/dining_room_0024/rgb_00164.jpg /dining_room_0024/sync_depth_00164.png 518.8579 +/bookstore_0001f/rgb_00239.jpg /bookstore_0001f/sync_depth_00239.png 518.8579 +/bathroom_0010/rgb_00018.jpg /bathroom_0010/sync_depth_00018.png 518.8579 +/bedroom_0060/rgb_00066.jpg /bedroom_0060/sync_depth_00066.png 518.8579 +/kitchen_0052/rgb_00106.jpg /kitchen_0052/sync_depth_00106.png 518.8579 +/bedroom_0120/rgb_00012.jpg /bedroom_0120/sync_depth_00012.png 518.8579 +/living_room_0050/rgb_00102.jpg /living_room_0050/sync_depth_00102.png 518.8579 +/office_0012/rgb_00102.jpg /office_0012/sync_depth_00102.png 518.8579 +/bedroom_0052/rgb_00011.jpg /bedroom_0052/sync_depth_00011.png 518.8579 +/bookstore_0001f/rgb_00498.jpg /bookstore_0001f/sync_depth_00498.png 518.8579 +/living_room_0040/rgb_00301.jpg /living_room_0040/sync_depth_00301.png 518.8579 +/living_room_0070/rgb_00059.jpg /living_room_0070/sync_depth_00059.png 518.8579 +/living_room_0011/rgb_00008.jpg /living_room_0011/sync_depth_00008.png 518.8579 +/bedroom_0071/rgb_00078.jpg /bedroom_0071/sync_depth_00078.png 518.8579 +/kitchen_0049/rgb_00116.jpg /kitchen_0049/sync_depth_00116.png 518.8579 +/kitchen_0033/rgb_00164.jpg /kitchen_0033/sync_depth_00164.png 518.8579 +/bathroom_0045a/rgb_00007.jpg /bathroom_0045a/sync_depth_00007.png 518.8579 +/office_0018/rgb_00001.jpg /office_0018/sync_depth_00001.png 518.8579 +/home_office_0005/rgb_00051.jpg /home_office_0005/sync_depth_00051.png 518.8579 +/bookstore_0001g/rgb_00085.jpg /bookstore_0001g/sync_depth_00085.png 518.8579 +/reception_room_0002/rgb_00151.jpg /reception_room_0002/sync_depth_00151.png 518.8579 +/kitchen_0051/rgb_00109.jpg /kitchen_0051/sync_depth_00109.png 518.8579 +/bedroom_0056b/rgb_00047.jpg /bedroom_0056b/sync_depth_00047.png 518.8579 +/kitchen_0003/rgb_00093.jpg /kitchen_0003/sync_depth_00093.png 518.8579 +/bedroom_0033/rgb_00069.jpg /bedroom_0033/sync_depth_00069.png 518.8579 +/dining_room_0019/rgb_00103.jpg /dining_room_0019/sync_depth_00103.png 518.8579 +/living_room_0047b/rgb_00014.jpg /living_room_0047b/sync_depth_00014.png 518.8579 +/dinette_0001/rgb_00075.jpg /dinette_0001/sync_depth_00075.png 518.8579 +/bathroom_0056/rgb_00050.jpg /bathroom_0056/sync_depth_00050.png 518.8579 +/bathroom_0039/rgb_00078.jpg /bathroom_0039/sync_depth_00078.png 518.8579 +/kitchen_0049/rgb_00002.jpg /kitchen_0049/sync_depth_00002.png 518.8579 +/living_room_0010/rgb_00167.jpg /living_room_0010/sync_depth_00167.png 518.8579 +/dining_room_0028/rgb_00012.jpg /dining_room_0028/sync_depth_00012.png 518.8579 +/living_room_0062/rgb_00055.jpg /living_room_0062/sync_depth_00055.png 518.8579 +/kitchen_0052/rgb_00080.jpg /kitchen_0052/sync_depth_00080.png 518.8579 +/home_office_0013/rgb_00043.jpg /home_office_0013/sync_depth_00043.png 518.8579 +/classroom_0005/rgb_00011.jpg /classroom_0005/sync_depth_00011.png 518.8579 +/office_0026/rgb_00131.jpg /office_0026/sync_depth_00131.png 518.8579 +/office_0006/rgb_00007.jpg /office_0006/sync_depth_00007.png 518.8579 +/study_room_0005a/rgb_00050.jpg /study_room_0005a/sync_depth_00050.png 518.8579 +/living_room_0055/rgb_00027.jpg /living_room_0055/sync_depth_00027.png 518.8579 +/dining_room_0012/rgb_00147.jpg /dining_room_0012/sync_depth_00147.png 518.8579 +/nyu_office_0/rgb_00403.jpg /nyu_office_0/sync_depth_00403.png 518.8579 +/dining_room_0028/rgb_00074.jpg /dining_room_0028/sync_depth_00074.png 518.8579 +/bedroom_0021/rgb_00003.jpg /bedroom_0021/sync_depth_00003.png 518.8579 +/bedroom_0025/rgb_00004.jpg /bedroom_0025/sync_depth_00004.png 518.8579 +/bedroom_0020/rgb_00100.jpg /bedroom_0020/sync_depth_00100.png 518.8579 +/kitchen_0035b/rgb_00002.jpg /kitchen_0035b/sync_depth_00002.png 518.8579 +/dining_room_0010/rgb_00066.jpg /dining_room_0010/sync_depth_00066.png 518.8579 +/kitchen_0050/rgb_00218.jpg /kitchen_0050/sync_depth_00218.png 518.8579 +/furniture_store_0001d/rgb_00230.jpg /furniture_store_0001d/sync_depth_00230.png 518.8579 +/bedroom_0078/rgb_00052.jpg /bedroom_0078/sync_depth_00052.png 518.8579 +/living_room_0086a/rgb_00066.jpg /living_room_0086a/sync_depth_00066.png 518.8579 +/bedroom_0034/rgb_00022.jpg /bedroom_0034/sync_depth_00022.png 518.8579 +/living_room_0055/rgb_00072.jpg /living_room_0055/sync_depth_00072.png 518.8579 +/living_room_0022/rgb_00162.jpg /living_room_0022/sync_depth_00162.png 518.8579 +/home_office_0004/rgb_00134.jpg /home_office_0004/sync_depth_00134.png 518.8579 +/living_room_0058/rgb_00133.jpg /living_room_0058/sync_depth_00133.png 518.8579 +/bedroom_0071/rgb_00187.jpg /bedroom_0071/sync_depth_00187.png 518.8579 +/basement_0001a/rgb_00123.jpg /basement_0001a/sync_depth_00123.png 518.8579 +/kitchen_0003/rgb_00077.jpg /kitchen_0003/sync_depth_00077.png 518.8579 +/dining_room_0033/rgb_00115.jpg /dining_room_0033/sync_depth_00115.png 518.8579 +/bedroom_0129/rgb_00096.jpg /bedroom_0129/sync_depth_00096.png 518.8579 +/bedroom_0076a/rgb_00166.jpg /bedroom_0076a/sync_depth_00166.png 518.8579 +/bathroom_0056/rgb_00043.jpg /bathroom_0056/sync_depth_00043.png 518.8579 +/bedroom_0040/rgb_00053.jpg /bedroom_0040/sync_depth_00053.png 518.8579 +/bedroom_0012/rgb_00055.jpg /bedroom_0012/sync_depth_00055.png 518.8579 +/classroom_0010/rgb_00067.jpg /classroom_0010/sync_depth_00067.png 518.8579 +/excercise_room_0001/rgb_00027.jpg /excercise_room_0001/sync_depth_00027.png 518.8579 +/furniture_store_0002a/rgb_00343.jpg /furniture_store_0002a/sync_depth_00343.png 518.8579 +/kitchen_0031/rgb_00140.jpg /kitchen_0031/sync_depth_00140.png 518.8579 +/living_room_0069a/rgb_00094.jpg /living_room_0069a/sync_depth_00094.png 518.8579 +/bookstore_0001f/rgb_00506.jpg /bookstore_0001f/sync_depth_00506.png 518.8579 +/living_room_0063/rgb_00062.jpg /living_room_0063/sync_depth_00062.png 518.8579 +/bedroom_0019/rgb_00066.jpg /bedroom_0019/sync_depth_00066.png 518.8579 +/living_room_0010/rgb_00106.jpg /living_room_0010/sync_depth_00106.png 518.8579 +/living_room_0078/rgb_00098.jpg /living_room_0078/sync_depth_00098.png 518.8579 +/bedroom_0080/rgb_00047.jpg /bedroom_0080/sync_depth_00047.png 518.8579 +/bedroom_0113/rgb_00099.jpg /bedroom_0113/sync_depth_00099.png 518.8579 +/dining_room_0031/rgb_00322.jpg /dining_room_0031/sync_depth_00322.png 518.8579 +/bathroom_0042/rgb_00019.jpg /bathroom_0042/sync_depth_00019.png 518.8579 +/dining_room_0008/rgb_00002.jpg /dining_room_0008/sync_depth_00002.png 518.8579 +/living_room_0018/rgb_00193.jpg /living_room_0018/sync_depth_00193.png 518.8579 +/living_room_0069b/rgb_00070.jpg /living_room_0069b/sync_depth_00070.png 518.8579 +/living_room_0022/rgb_00359.jpg /living_room_0022/sync_depth_00359.png 518.8579 +/bedroom_0051/rgb_00013.jpg /bedroom_0051/sync_depth_00013.png 518.8579 +/furniture_store_0002a/rgb_00344.jpg /furniture_store_0002a/sync_depth_00344.png 518.8579 +/office_0021/rgb_00030.jpg /office_0021/sync_depth_00030.png 518.8579 +/bathroom_0041/rgb_00080.jpg /bathroom_0041/sync_depth_00080.png 518.8579 +/furniture_store_0002a/rgb_00328.jpg /furniture_store_0002a/sync_depth_00328.png 518.8579 +/bedroom_0072/rgb_00111.jpg /bedroom_0072/sync_depth_00111.png 518.8579 +/home_office_0004/rgb_00122.jpg /home_office_0004/sync_depth_00122.png 518.8579 +/reception_room_0002/rgb_00142.jpg /reception_room_0002/sync_depth_00142.png 518.8579 +/playroom_0004/rgb_00106.jpg /playroom_0004/sync_depth_00106.png 518.8579 +/reception_room_0002/rgb_00026.jpg /reception_room_0002/sync_depth_00026.png 518.8579 +/dining_room_0028/rgb_00033.jpg /dining_room_0028/sync_depth_00033.png 518.8579 +/bedroom_0106/rgb_00132.jpg /bedroom_0106/sync_depth_00132.png 518.8579 +/bathroom_0045a/rgb_00060.jpg /bathroom_0045a/sync_depth_00060.png 518.8579 +/kitchen_0049/rgb_00219.jpg /kitchen_0049/sync_depth_00219.png 518.8579 +/dining_room_0013/rgb_00132.jpg /dining_room_0013/sync_depth_00132.png 518.8579 +/office_0004/rgb_00039.jpg /office_0004/sync_depth_00039.png 518.8579 +/living_room_0022/rgb_00301.jpg /living_room_0022/sync_depth_00301.png 518.8579 +/kitchen_0033/rgb_00038.jpg /kitchen_0033/sync_depth_00038.png 518.8579 +/bedroom_0081/rgb_00023.jpg /bedroom_0081/sync_depth_00023.png 518.8579 +/kitchen_0049/rgb_00114.jpg /kitchen_0049/sync_depth_00114.png 518.8579 +/living_room_0004/rgb_00082.jpg /living_room_0004/sync_depth_00082.png 518.8579 +/kitchen_0029b/rgb_00020.jpg /kitchen_0029b/sync_depth_00020.png 518.8579 +/student_lounge_0001/rgb_00132.jpg /student_lounge_0001/sync_depth_00132.png 518.8579 +/dining_room_0024/rgb_00066.jpg /dining_room_0024/sync_depth_00066.png 518.8579 +/living_room_0022/rgb_00336.jpg /living_room_0022/sync_depth_00336.png 518.8579 +/bedroom_0086/rgb_00069.jpg /bedroom_0086/sync_depth_00069.png 518.8579 +/living_room_0022/rgb_00230.jpg /living_room_0022/sync_depth_00230.png 518.8579 +/classroom_0006/rgb_00094.jpg /classroom_0006/sync_depth_00094.png 518.8579 +/bedroom_0138/rgb_00012.jpg /bedroom_0138/sync_depth_00012.png 518.8579 +/living_room_0078/rgb_00095.jpg /living_room_0078/sync_depth_00095.png 518.8579 +/kitchen_0029c/rgb_00089.jpg /kitchen_0029c/sync_depth_00089.png 518.8579 +/kitchen_0028b/rgb_00007.jpg /kitchen_0028b/sync_depth_00007.png 518.8579 +/dining_room_0012/rgb_00078.jpg /dining_room_0012/sync_depth_00078.png 518.8579 +/bedroom_0012/rgb_00008.jpg /bedroom_0012/sync_depth_00008.png 518.8579 +/furniture_store_0002a/rgb_00368.jpg /furniture_store_0002a/sync_depth_00368.png 518.8579 +/bedroom_0047/rgb_00017.jpg /bedroom_0047/sync_depth_00017.png 518.8579 +/living_room_0050/rgb_00142.jpg /living_room_0050/sync_depth_00142.png 518.8579 +/office_kitchen_0001a/rgb_00036.jpg /office_kitchen_0001a/sync_depth_00036.png 518.8579 +/home_storage_0001/rgb_00021.jpg /home_storage_0001/sync_depth_00021.png 518.8579 +/dining_room_0023/rgb_00106.jpg /dining_room_0023/sync_depth_00106.png 518.8579 +/playroom_0003/rgb_00191.jpg /playroom_0003/sync_depth_00191.png 518.8579 +/bedroom_0036/rgb_00007.jpg /bedroom_0036/sync_depth_00007.png 518.8579 +/reception_room_0002/rgb_00146.jpg /reception_room_0002/sync_depth_00146.png 518.8579 +/printer_room_0001/rgb_00029.jpg /printer_room_0001/sync_depth_00029.png 518.8579 +/kitchen_0011a/rgb_00034.jpg /kitchen_0011a/sync_depth_00034.png 518.8579 +/dining_room_0024/rgb_00095.jpg /dining_room_0024/sync_depth_00095.png 518.8579 +/kitchen_0060/rgb_00044.jpg /kitchen_0060/sync_depth_00044.png 518.8579 +/bathroom_0035/rgb_00034.jpg /bathroom_0035/sync_depth_00034.png 518.8579 +/bookstore_0001j/rgb_00119.jpg /bookstore_0001j/sync_depth_00119.png 518.8579 +/bedroom_0072/rgb_00077.jpg /bedroom_0072/sync_depth_00077.png 518.8579 +/living_room_0058/rgb_00238.jpg /living_room_0058/sync_depth_00238.png 518.8579 +/kitchen_0028a/rgb_00129.jpg /kitchen_0028a/sync_depth_00129.png 518.8579 +/bedroom_0020/rgb_00030.jpg /bedroom_0020/sync_depth_00030.png 518.8579 +/bedroom_0071/rgb_00074.jpg /bedroom_0071/sync_depth_00074.png 518.8579 +/kitchen_0051/rgb_00182.jpg /kitchen_0051/sync_depth_00182.png 518.8579 +/living_room_0085/rgb_00027.jpg /living_room_0085/sync_depth_00027.png 518.8579 +/living_room_0038/rgb_00008.jpg /living_room_0038/sync_depth_00008.png 518.8579 +/living_room_0022/rgb_00150.jpg /living_room_0022/sync_depth_00150.png 518.8579 +/bathroom_0010/rgb_00028.jpg /bathroom_0010/sync_depth_00028.png 518.8579 +/classroom_0006/rgb_00156.jpg /classroom_0006/sync_depth_00156.png 518.8579 +/cafe_0001b/rgb_00046.jpg /cafe_0001b/sync_depth_00046.png 518.8579 +/office_0011/rgb_00098.jpg /office_0011/sync_depth_00098.png 518.8579 +/kitchen_0052/rgb_00100.jpg /kitchen_0052/sync_depth_00100.png 518.8579 +/dining_room_0015/rgb_00047.jpg /dining_room_0015/sync_depth_00047.png 518.8579 +/bathroom_0007/rgb_00120.jpg /bathroom_0007/sync_depth_00120.png 518.8579 +/bedroom_0129/rgb_00062.jpg /bedroom_0129/sync_depth_00062.png 518.8579 +/bookstore_0001i/rgb_00004.jpg /bookstore_0001i/sync_depth_00004.png 518.8579 +/dining_room_0008/rgb_00155.jpg /dining_room_0008/sync_depth_00155.png 518.8579 +/classroom_0022/rgb_00116.jpg /classroom_0022/sync_depth_00116.png 518.8579 +/bedroom_0063/rgb_00051.jpg /bedroom_0063/sync_depth_00051.png 518.8579 +/kitchen_0051/rgb_00350.jpg /kitchen_0051/sync_depth_00350.png 518.8579 +/bedroom_0057/rgb_00016.jpg /bedroom_0057/sync_depth_00016.png 518.8579 +/nyu_office_0/rgb_00225.jpg /nyu_office_0/sync_depth_00225.png 518.8579 +/living_room_0062/rgb_00201.jpg /living_room_0062/sync_depth_00201.png 518.8579 +/nyu_office_0/rgb_00219.jpg /nyu_office_0/sync_depth_00219.png 518.8579 +/furniture_store_0002d/rgb_00068.jpg /furniture_store_0002d/sync_depth_00068.png 518.8579 +/kitchen_0029a/rgb_00008.jpg /kitchen_0029a/sync_depth_00008.png 518.8579 +/bathroom_0002/rgb_00011.jpg /bathroom_0002/sync_depth_00011.png 518.8579 +/bedroom_0107/rgb_00022.jpg /bedroom_0107/sync_depth_00022.png 518.8579 +/cafe_0001b/rgb_00018.jpg /cafe_0001b/sync_depth_00018.png 518.8579 +/home_office_0006/rgb_00074.jpg /home_office_0006/sync_depth_00074.png 518.8579 +/kitchen_0043/rgb_00065.jpg /kitchen_0043/sync_depth_00065.png 518.8579 +/office_0012/rgb_00043.jpg /office_0012/sync_depth_00043.png 518.8579 +/reception_room_0002/rgb_00084.jpg /reception_room_0002/sync_depth_00084.png 518.8579 +/bookstore_0001e/rgb_00180.jpg /bookstore_0001e/sync_depth_00180.png 518.8579 +/living_room_0068/rgb_00114.jpg /living_room_0068/sync_depth_00114.png 518.8579 +/living_room_0038/rgb_00092.jpg /living_room_0038/sync_depth_00092.png 518.8579 +/dining_room_0012/rgb_00174.jpg /dining_room_0012/sync_depth_00174.png 518.8579 +/dining_room_0024/rgb_00182.jpg /dining_room_0024/sync_depth_00182.png 518.8579 +/study_room_0005a/rgb_00054.jpg /study_room_0005a/sync_depth_00054.png 518.8579 +/bedroom_0062/rgb_00151.jpg /bedroom_0062/sync_depth_00151.png 518.8579 +/nyu_office_1/rgb_00091.jpg /nyu_office_1/sync_depth_00091.png 518.8579 +/living_room_0022/rgb_00240.jpg /living_room_0022/sync_depth_00240.png 518.8579 +/living_room_0020/rgb_00229.jpg /living_room_0020/sync_depth_00229.png 518.8579 +/bedroom_0106/rgb_00027.jpg /bedroom_0106/sync_depth_00027.png 518.8579 +/bedroom_0004/rgb_00069.jpg /bedroom_0004/sync_depth_00069.png 518.8579 +/bookstore_0001e/rgb_00067.jpg /bookstore_0001e/sync_depth_00067.png 518.8579 +/bedroom_0015/rgb_00103.jpg /bedroom_0015/sync_depth_00103.png 518.8579 +/kitchen_0045b/rgb_00073.jpg /kitchen_0045b/sync_depth_00073.png 518.8579 +/bedroom_0071/rgb_00056.jpg /bedroom_0071/sync_depth_00056.png 518.8579 +/bedroom_0062/rgb_00099.jpg /bedroom_0062/sync_depth_00099.png 518.8579 +/living_room_0062/rgb_00073.jpg /living_room_0062/sync_depth_00073.png 518.8579 +/kitchen_0003/rgb_00064.jpg /kitchen_0003/sync_depth_00064.png 518.8579 +/bedroom_0033/rgb_00167.jpg /bedroom_0033/sync_depth_00167.png 518.8579 +/bedroom_0096/rgb_00052.jpg /bedroom_0096/sync_depth_00052.png 518.8579 +/bathroom_0035/rgb_00024.jpg /bathroom_0035/sync_depth_00024.png 518.8579 +/bedroom_0004/rgb_00098.jpg /bedroom_0004/sync_depth_00098.png 518.8579 +/furniture_store_0001b/rgb_00066.jpg /furniture_store_0001b/sync_depth_00066.png 518.8579 +/living_room_0068/rgb_00016.jpg /living_room_0068/sync_depth_00016.png 518.8579 +/nyu_office_1/rgb_00053.jpg /nyu_office_1/sync_depth_00053.png 518.8579 +/basement_0001a/rgb_00164.jpg /basement_0001a/sync_depth_00164.png 518.8579 +/bedroom_0076a/rgb_00113.jpg /bedroom_0076a/sync_depth_00113.png 518.8579 +/living_room_0037/rgb_00055.jpg /living_room_0037/sync_depth_00055.png 518.8579 +/bathroom_0014a/rgb_00053.jpg /bathroom_0014a/sync_depth_00053.png 518.8579 +/living_room_0085/rgb_00047.jpg /living_room_0085/sync_depth_00047.png 518.8579 +/bedroom_0038/rgb_00018.jpg /bedroom_0038/sync_depth_00018.png 518.8579 +/bathroom_0019/rgb_00078.jpg /bathroom_0019/sync_depth_00078.png 518.8579 +/office_0024/rgb_00065.jpg /office_0024/sync_depth_00065.png 518.8579 +/kitchen_0028a/rgb_00062.jpg /kitchen_0028a/sync_depth_00062.png 518.8579 +/living_room_0050/rgb_00037.jpg /living_room_0050/sync_depth_00037.png 518.8579 +/dining_room_0034/rgb_00117.jpg /dining_room_0034/sync_depth_00117.png 518.8579 +/kitchen_0053/rgb_00246.jpg /kitchen_0053/sync_depth_00246.png 518.8579 +/living_room_0050/rgb_00222.jpg /living_room_0050/sync_depth_00222.png 518.8579 +/bedroom_0039/rgb_00005.jpg /bedroom_0039/sync_depth_00005.png 518.8579 +/cafe_0001a/rgb_00020.jpg /cafe_0001a/sync_depth_00020.png 518.8579 +/bedroom_0107/rgb_00047.jpg /bedroom_0107/sync_depth_00047.png 518.8579 +/home_office_0005/rgb_00128.jpg /home_office_0005/sync_depth_00128.png 518.8579 +/study_room_0005a/rgb_00042.jpg /study_room_0005a/sync_depth_00042.png 518.8579 +/living_room_0062/rgb_00065.jpg /living_room_0062/sync_depth_00065.png 518.8579 +/bedroom_0020/rgb_00093.jpg /bedroom_0020/sync_depth_00093.png 518.8579 +/furniture_store_0002b/rgb_00173.jpg /furniture_store_0002b/sync_depth_00173.png 518.8579 +/living_room_0040/rgb_00213.jpg /living_room_0040/sync_depth_00213.png 518.8579 +/living_room_0058/rgb_00199.jpg /living_room_0058/sync_depth_00199.png 518.8579 +/kitchen_0051/rgb_00133.jpg /kitchen_0051/sync_depth_00133.png 518.8579 +/bedroom_0050/rgb_00108.jpg /bedroom_0050/sync_depth_00108.png 518.8579 +/kitchen_0043/rgb_00014.jpg /kitchen_0043/sync_depth_00014.png 518.8579 +/kitchen_0050/rgb_00195.jpg /kitchen_0050/sync_depth_00195.png 518.8579 +/study_0006/rgb_00008.jpg /study_0006/sync_depth_00008.png 518.8579 +/bedroom_0017/rgb_00053.jpg /bedroom_0017/sync_depth_00053.png 518.8579 +/bedroom_0051/rgb_00204.jpg /bedroom_0051/sync_depth_00204.png 518.8579 +/living_room_0004/rgb_00028.jpg /living_room_0004/sync_depth_00028.png 518.8579 +/kitchen_0060/rgb_00123.jpg /kitchen_0060/sync_depth_00123.png 518.8579 +/dining_room_0033/rgb_00109.jpg /dining_room_0033/sync_depth_00109.png 518.8579 +/classroom_0003/rgb_00097.jpg /classroom_0003/sync_depth_00097.png 518.8579 +/living_room_0047b/rgb_00124.jpg /living_room_0047b/sync_depth_00124.png 518.8579 +/furniture_store_0001e/rgb_00086.jpg /furniture_store_0001e/sync_depth_00086.png 518.8579 +/dinette_0001/rgb_00059.jpg /dinette_0001/sync_depth_00059.png 518.8579 +/dining_room_0031/rgb_00006.jpg /dining_room_0031/sync_depth_00006.png 518.8579 +/kitchen_0048/rgb_00071.jpg /kitchen_0048/sync_depth_00071.png 518.8579 +/office_0009/rgb_00082.jpg /office_0009/sync_depth_00082.png 518.8579 +/living_room_0068/rgb_00084.jpg /living_room_0068/sync_depth_00084.png 518.8579 +/living_room_0047b/rgb_00021.jpg /living_room_0047b/sync_depth_00021.png 518.8579 +/bathroom_0011/rgb_00016.jpg /bathroom_0011/sync_depth_00016.png 518.8579 +/office_0023/rgb_00023.jpg /office_0023/sync_depth_00023.png 518.8579 +/bookstore_0001f/rgb_00066.jpg /bookstore_0001f/sync_depth_00066.png 518.8579 +/dinette_0001/rgb_00102.jpg /dinette_0001/sync_depth_00102.png 518.8579 +/dining_room_0034/rgb_00151.jpg /dining_room_0034/sync_depth_00151.png 518.8579 +/dining_room_0007/rgb_00130.jpg /dining_room_0007/sync_depth_00130.png 518.8579 +/living_room_0040/rgb_00285.jpg /living_room_0040/sync_depth_00285.png 518.8579 +/dining_room_0034/rgb_00164.jpg /dining_room_0034/sync_depth_00164.png 518.8579 +/bedroom_0104/rgb_00049.jpg /bedroom_0104/sync_depth_00049.png 518.8579 +/living_room_0020/rgb_00140.jpg /living_room_0020/sync_depth_00140.png 518.8579 +/bedroom_0033/rgb_00120.jpg /bedroom_0033/sync_depth_00120.png 518.8579 +/classroom_0022/rgb_00069.jpg /classroom_0022/sync_depth_00069.png 518.8579 +/living_room_0071/rgb_00042.jpg /living_room_0071/sync_depth_00042.png 518.8579 +/bookstore_0001f/rgb_00289.jpg /bookstore_0001f/sync_depth_00289.png 518.8579 +/study_0004/rgb_00078.jpg /study_0004/sync_depth_00078.png 518.8579 +/kitchen_0029b/rgb_00058.jpg /kitchen_0029b/sync_depth_00058.png 518.8579 +/dining_room_0001b/rgb_00148.jpg /dining_room_0001b/sync_depth_00148.png 518.8579 +/home_storage_0001/rgb_00107.jpg /home_storage_0001/sync_depth_00107.png 518.8579 +/kitchen_0029b/rgb_00039.jpg /kitchen_0029b/sync_depth_00039.png 518.8579 +/bedroom_0126/rgb_00067.jpg /bedroom_0126/sync_depth_00067.png 518.8579 +/living_room_0022/rgb_00244.jpg /living_room_0022/sync_depth_00244.png 518.8579 +/living_room_0086a/rgb_00021.jpg /living_room_0086a/sync_depth_00021.png 518.8579 +/basement_0001a/rgb_00191.jpg /basement_0001a/sync_depth_00191.png 518.8579 +/excercise_room_0001/rgb_00110.jpg /excercise_room_0001/sync_depth_00110.png 518.8579 +/office_0026/rgb_00093.jpg /office_0026/sync_depth_00093.png 518.8579 +/dining_room_0001b/rgb_00070.jpg /dining_room_0001b/sync_depth_00070.png 518.8579 +/living_room_0022/rgb_00186.jpg /living_room_0022/sync_depth_00186.png 518.8579 +/office_0024/rgb_00097.jpg /office_0024/sync_depth_00097.png 518.8579 +/kitchen_0035b/rgb_00131.jpg /kitchen_0035b/sync_depth_00131.png 518.8579 +/bedroom_0078/rgb_00122.jpg /bedroom_0078/sync_depth_00122.png 518.8579 +/bathroom_0007/rgb_00112.jpg /bathroom_0007/sync_depth_00112.png 518.8579 +/bedroom_0040/rgb_00015.jpg /bedroom_0040/sync_depth_00015.png 518.8579 +/study_room_0005b/rgb_00084.jpg /study_room_0005b/sync_depth_00084.png 518.8579 +/bathroom_0002/rgb_00016.jpg /bathroom_0002/sync_depth_00016.png 518.8579 +/bathroom_0019/rgb_00026.jpg /bathroom_0019/sync_depth_00026.png 518.8579 +/bedroom_0140/rgb_00031.jpg /bedroom_0140/sync_depth_00031.png 518.8579 +/living_room_0012/rgb_00098.jpg /living_room_0012/sync_depth_00098.png 518.8579 +/bedroom_0071/rgb_00130.jpg /bedroom_0071/sync_depth_00130.png 518.8579 +/office_0011/rgb_00112.jpg /office_0011/sync_depth_00112.png 518.8579 +/kitchen_0052/rgb_00009.jpg /kitchen_0052/sync_depth_00009.png 518.8579 +/student_lounge_0001/rgb_00052.jpg /student_lounge_0001/sync_depth_00052.png 518.8579 +/kitchen_0051/rgb_00243.jpg /kitchen_0051/sync_depth_00243.png 518.8579 +/office_0026/rgb_00077.jpg /office_0026/sync_depth_00077.png 518.8579 +/kitchen_0050/rgb_00059.jpg /kitchen_0050/sync_depth_00059.png 518.8579 +/living_room_0004/rgb_00115.jpg /living_room_0004/sync_depth_00115.png 518.8579 +/living_room_0047b/rgb_00101.jpg /living_room_0047b/sync_depth_00101.png 518.8579 +/bedroom_0010/rgb_00035.jpg /bedroom_0010/sync_depth_00035.png 518.8579 +/bedroom_0028/rgb_00006.jpg /bedroom_0028/sync_depth_00006.png 518.8579 +/bedroom_0078/rgb_00166.jpg /bedroom_0078/sync_depth_00166.png 518.8579 +/office_0009/rgb_00038.jpg /office_0009/sync_depth_00038.png 518.8579 +/kitchen_0033/rgb_00116.jpg /kitchen_0033/sync_depth_00116.png 518.8579 +/kitchen_0041/rgb_00023.jpg /kitchen_0041/sync_depth_00023.png 518.8579 +/bedroom_0069/rgb_00054.jpg /bedroom_0069/sync_depth_00054.png 518.8579 +/office_0011/rgb_00041.jpg /office_0011/sync_depth_00041.png 518.8579 +/reception_room_0002/rgb_00163.jpg /reception_room_0002/sync_depth_00163.png 518.8579 +/home_office_0006/rgb_00052.jpg /home_office_0006/sync_depth_00052.png 518.8579 +/dining_room_0023/rgb_00020.jpg /dining_room_0023/sync_depth_00020.png 518.8579 +/kitchen_0048/rgb_00079.jpg /kitchen_0048/sync_depth_00079.png 518.8579 +/bookstore_0001j/rgb_00000.jpg /bookstore_0001j/sync_depth_00000.png 518.8579 +/playroom_0002/rgb_00082.jpg /playroom_0002/sync_depth_00082.png 518.8579 +/kitchen_0033/rgb_00134.jpg /kitchen_0033/sync_depth_00134.png 518.8579 +/study_0003/rgb_00020.jpg /study_0003/sync_depth_00020.png 518.8579 +/kitchen_0045b/rgb_00102.jpg /kitchen_0045b/sync_depth_00102.png 518.8579 +/dining_room_0007/rgb_00134.jpg /dining_room_0007/sync_depth_00134.png 518.8579 +/playroom_0003/rgb_00050.jpg /playroom_0003/sync_depth_00050.png 518.8579 +/bedroom_0033/rgb_00029.jpg /bedroom_0033/sync_depth_00029.png 518.8579 +/home_storage_0001/rgb_00005.jpg /home_storage_0001/sync_depth_00005.png 518.8579 +/bedroom_0072/rgb_00082.jpg /bedroom_0072/sync_depth_00082.png 518.8579 +/kitchen_0031/rgb_00176.jpg /kitchen_0031/sync_depth_00176.png 518.8579 +/bedroom_0062/rgb_00072.jpg /bedroom_0062/sync_depth_00072.png 518.8579 +/bedroom_0076a/rgb_00056.jpg /bedroom_0076a/sync_depth_00056.png 518.8579 +/cafe_0001a/rgb_00035.jpg /cafe_0001a/sync_depth_00035.png 518.8579 +/kitchen_0050/rgb_00097.jpg /kitchen_0050/sync_depth_00097.png 518.8579 +/kitchen_0052/rgb_00004.jpg /kitchen_0052/sync_depth_00004.png 518.8579 +/nyu_office_1/rgb_00030.jpg /nyu_office_1/sync_depth_00030.png 518.8579 +/living_room_0068/rgb_00101.jpg /living_room_0068/sync_depth_00101.png 518.8579 +/home_office_0008/rgb_00000.jpg /home_office_0008/sync_depth_00000.png 518.8579 +/office_kitchen_0001a/rgb_00028.jpg /office_kitchen_0001a/sync_depth_00028.png 518.8579 +/bedroom_0004/rgb_00093.jpg /bedroom_0004/sync_depth_00093.png 518.8579 +/living_room_0040/rgb_00200.jpg /living_room_0040/sync_depth_00200.png 518.8579 +/dining_room_0013/rgb_00188.jpg /dining_room_0013/sync_depth_00188.png 518.8579 +/bookstore_0001g/rgb_00249.jpg /bookstore_0001g/sync_depth_00249.png 518.8579 +/bathroom_0034/rgb_00065.jpg /bathroom_0034/sync_depth_00065.png 518.8579 +/dining_room_0024/rgb_00101.jpg /dining_room_0024/sync_depth_00101.png 518.8579 +/bedroom_0104/rgb_00107.jpg /bedroom_0104/sync_depth_00107.png 518.8579 +/bedroom_0004/rgb_00151.jpg /bedroom_0004/sync_depth_00151.png 518.8579 +/office_0009/rgb_00051.jpg /office_0009/sync_depth_00051.png 518.8579 +/nyu_office_1/rgb_00044.jpg /nyu_office_1/sync_depth_00044.png 518.8579 +/living_room_0083/rgb_00066.jpg /living_room_0083/sync_depth_00066.png 518.8579 +/living_room_0069a/rgb_00115.jpg /living_room_0069a/sync_depth_00115.png 518.8579 +/kitchen_0045a/rgb_00205.jpg /kitchen_0045a/sync_depth_00205.png 518.8579 +/living_room_0040/rgb_00192.jpg /living_room_0040/sync_depth_00192.png 518.8579 +/bathroom_0014a/rgb_00078.jpg /bathroom_0014a/sync_depth_00078.png 518.8579 +/bedroom_0047/rgb_00031.jpg /bedroom_0047/sync_depth_00031.png 518.8579 +/bedroom_0104/rgb_00011.jpg /bedroom_0104/sync_depth_00011.png 518.8579 +/dining_room_0033/rgb_00097.jpg /dining_room_0033/sync_depth_00097.png 518.8579 +/computer_lab_0002/rgb_00009.jpg /computer_lab_0002/sync_depth_00009.png 518.8579 +/living_room_0070/rgb_00028.jpg /living_room_0070/sync_depth_00028.png 518.8579 +/nyu_office_1/rgb_00084.jpg /nyu_office_1/sync_depth_00084.png 518.8579 +/classroom_0006/rgb_00203.jpg /classroom_0006/sync_depth_00203.png 518.8579 +/dining_room_0034/rgb_00029.jpg /dining_room_0034/sync_depth_00029.png 518.8579 +/bookstore_0001j/rgb_00312.jpg /bookstore_0001j/sync_depth_00312.png 518.8579 +/bathroom_0028/rgb_00114.jpg /bathroom_0028/sync_depth_00114.png 518.8579 +/kitchen_0028a/rgb_00203.jpg /kitchen_0028a/sync_depth_00203.png 518.8579 +/bookstore_0001j/rgb_00148.jpg /bookstore_0001j/sync_depth_00148.png 518.8579 +/bookstore_0001e/rgb_00175.jpg /bookstore_0001e/sync_depth_00175.png 518.8579 +/bedroom_0074/rgb_00125.jpg /bedroom_0074/sync_depth_00125.png 518.8579 +/bedroom_0136/rgb_00062.jpg /bedroom_0136/sync_depth_00062.png 518.8579 +/dining_room_0014/rgb_00089.jpg /dining_room_0014/sync_depth_00089.png 518.8579 +/bedroom_0067b/rgb_00004.jpg /bedroom_0067b/sync_depth_00004.png 518.8579 +/office_0009/rgb_00063.jpg /office_0009/sync_depth_00063.png 518.8579 +/kitchen_0048/rgb_00143.jpg /kitchen_0048/sync_depth_00143.png 518.8579 +/furniture_store_0002a/rgb_00230.jpg /furniture_store_0002a/sync_depth_00230.png 518.8579 +/bedroom_0016/rgb_00070.jpg /bedroom_0016/sync_depth_00070.png 518.8579 +/reception_room_0004/rgb_00033.jpg /reception_room_0004/sync_depth_00033.png 518.8579 +/bedroom_0100/rgb_00011.jpg /bedroom_0100/sync_depth_00011.png 518.8579 +/living_room_0022/rgb_00096.jpg /living_room_0022/sync_depth_00096.png 518.8579 +/kitchen_0045b/rgb_00089.jpg /kitchen_0045b/sync_depth_00089.png 518.8579 +/furniture_store_0002b/rgb_00120.jpg /furniture_store_0002b/sync_depth_00120.png 518.8579 +/living_room_0020/rgb_00030.jpg /living_room_0020/sync_depth_00030.png 518.8579 +/kitchen_0048/rgb_00154.jpg /kitchen_0048/sync_depth_00154.png 518.8579 +/office_0026/rgb_00089.jpg /office_0026/sync_depth_00089.png 518.8579 +/furniture_store_0002c/rgb_00037.jpg /furniture_store_0002c/sync_depth_00037.png 518.8579 +/bedroom_0076a/rgb_00092.jpg /bedroom_0076a/sync_depth_00092.png 518.8579 +/dining_room_0031/rgb_00384.jpg /dining_room_0031/sync_depth_00384.png 518.8579 +/living_room_0055/rgb_00117.jpg /living_room_0055/sync_depth_00117.png 518.8579 +/living_room_0040/rgb_00148.jpg /living_room_0040/sync_depth_00148.png 518.8579 +/conference_room_0002/rgb_00040.jpg /conference_room_0002/sync_depth_00040.png 518.8579 +/bedroom_0050/rgb_00075.jpg /bedroom_0050/sync_depth_00075.png 518.8579 +/bedroom_0126/rgb_00070.jpg /bedroom_0126/sync_depth_00070.png 518.8579 +/furniture_store_0002b/rgb_00129.jpg /furniture_store_0002b/sync_depth_00129.png 518.8579 +/kitchen_0029c/rgb_00171.jpg /kitchen_0029c/sync_depth_00171.png 518.8579 +/living_room_0020/rgb_00029.jpg /living_room_0020/sync_depth_00029.png 518.8579 +/office_0012/rgb_00014.jpg /office_0012/sync_depth_00014.png 518.8579 +/study_room_0004/rgb_00030.jpg /study_room_0004/sync_depth_00030.png 518.8579 +/furniture_store_0002a/rgb_00363.jpg /furniture_store_0002a/sync_depth_00363.png 518.8579 +/kitchen_0060/rgb_00100.jpg /kitchen_0060/sync_depth_00100.png 518.8579 +/classroom_0006/rgb_00099.jpg /classroom_0006/sync_depth_00099.png 518.8579 +/bedroom_0100/rgb_00017.jpg /bedroom_0100/sync_depth_00017.png 518.8579 +/bedroom_0016/rgb_00167.jpg /bedroom_0016/sync_depth_00167.png 518.8579 +/bedroom_0056b/rgb_00010.jpg /bedroom_0056b/sync_depth_00010.png 518.8579 +/living_room_0085/rgb_00001.jpg /living_room_0085/sync_depth_00001.png 518.8579 +/bedroom_0074/rgb_00047.jpg /bedroom_0074/sync_depth_00047.png 518.8579 +/bedroom_0042/rgb_00004.jpg /bedroom_0042/sync_depth_00004.png 518.8579 +/kitchen_0028a/rgb_00048.jpg /kitchen_0028a/sync_depth_00048.png 518.8579 +/playroom_0002/rgb_00063.jpg /playroom_0002/sync_depth_00063.png 518.8579 +/living_room_0070/rgb_00034.jpg /living_room_0070/sync_depth_00034.png 518.8579 +/bathroom_0028/rgb_00001.jpg /bathroom_0028/sync_depth_00001.png 518.8579 +/classroom_0011/rgb_00021.jpg /classroom_0011/sync_depth_00021.png 518.8579 +/living_room_0050/rgb_00220.jpg /living_room_0050/sync_depth_00220.png 518.8579 +/classroom_0018/rgb_00049.jpg /classroom_0018/sync_depth_00049.png 518.8579 +/bookstore_0001e/rgb_00156.jpg /bookstore_0001e/sync_depth_00156.png 518.8579 +/furniture_store_0001d/rgb_00259.jpg /furniture_store_0001d/sync_depth_00259.png 518.8579 +/home_office_0011/rgb_00041.jpg /home_office_0011/sync_depth_00041.png 518.8579 +/bedroom_0040/rgb_00069.jpg /bedroom_0040/sync_depth_00069.png 518.8579 +/bedroom_0074/rgb_00060.jpg /bedroom_0074/sync_depth_00060.png 518.8579 +/living_room_0039/rgb_00064.jpg /living_room_0039/sync_depth_00064.png 518.8579 +/home_office_0004/rgb_00054.jpg /home_office_0004/sync_depth_00054.png 518.8579 +/bathroom_0057/rgb_00034.jpg /bathroom_0057/sync_depth_00034.png 518.8579 +/bedroom_0098/rgb_00024.jpg /bedroom_0098/sync_depth_00024.png 518.8579 +/bedroom_0090/rgb_00007.jpg /bedroom_0090/sync_depth_00007.png 518.8579 +/student_lounge_0001/rgb_00118.jpg /student_lounge_0001/sync_depth_00118.png 518.8579 +/bookstore_0001e/rgb_00022.jpg /bookstore_0001e/sync_depth_00022.png 518.8579 +/bedroom_0047/rgb_00003.jpg /bedroom_0047/sync_depth_00003.png 518.8579 +/bookstore_0001d/rgb_00356.jpg /bookstore_0001d/sync_depth_00356.png 518.8579 +/dining_room_0033/rgb_00113.jpg /dining_room_0033/sync_depth_00113.png 518.8579 +/bedroom_0041/rgb_00011.jpg /bedroom_0041/sync_depth_00011.png 518.8579 +/bedroom_0107/rgb_00010.jpg /bedroom_0107/sync_depth_00010.png 518.8579 +/bedroom_0015/rgb_00091.jpg /bedroom_0015/sync_depth_00091.png 518.8579 +/living_room_0083/rgb_00031.jpg /living_room_0083/sync_depth_00031.png 518.8579 +/bookstore_0001g/rgb_00091.jpg /bookstore_0001g/sync_depth_00091.png 518.8579 +/home_office_0013/rgb_00017.jpg /home_office_0013/sync_depth_00017.png 518.8579 +/basement_0001b/rgb_00026.jpg /basement_0001b/sync_depth_00026.png 518.8579 +/bookstore_0001i/rgb_00092.jpg /bookstore_0001i/sync_depth_00092.png 518.8579 +/living_room_0062/rgb_00016.jpg /living_room_0062/sync_depth_00016.png 518.8579 +/bedroom_0113/rgb_00031.jpg /bedroom_0113/sync_depth_00031.png 518.8579 +/bookstore_0001d/rgb_00036.jpg /bookstore_0001d/sync_depth_00036.png 518.8579 +/furniture_store_0001a/rgb_00006.jpg /furniture_store_0001a/sync_depth_00006.png 518.8579 +/living_room_0006/rgb_00010.jpg /living_room_0006/sync_depth_00010.png 518.8579 +/bedroom_0096/rgb_00004.jpg /bedroom_0096/sync_depth_00004.png 518.8579 +/dining_room_0013/rgb_00189.jpg /dining_room_0013/sync_depth_00189.png 518.8579 +/kitchen_0019a/rgb_00304.jpg /kitchen_0019a/sync_depth_00304.png 518.8579 +/bedroom_0138/rgb_00070.jpg /bedroom_0138/sync_depth_00070.png 518.8579 +/cafe_0001c/rgb_00009.jpg /cafe_0001c/sync_depth_00009.png 518.8579 +/nyu_office_0/rgb_00161.jpg /nyu_office_0/sync_depth_00161.png 518.8579 +/living_room_0012/rgb_00023.jpg /living_room_0012/sync_depth_00023.png 518.8579 +/dining_room_0034/rgb_00149.jpg /dining_room_0034/sync_depth_00149.png 518.8579 +/bookstore_0001j/rgb_00169.jpg /bookstore_0001j/sync_depth_00169.png 518.8579 +/living_room_0069b/rgb_00009.jpg /living_room_0069b/sync_depth_00009.png 518.8579 +/playroom_0004/rgb_00012.jpg /playroom_0004/sync_depth_00012.png 518.8579 +/kitchen_0029c/rgb_00021.jpg /kitchen_0029c/sync_depth_00021.png 518.8579 +/office_0012/rgb_00057.jpg /office_0012/sync_depth_00057.png 518.8579 +/bathroom_0007/rgb_00086.jpg /bathroom_0007/sync_depth_00086.png 518.8579 +/dining_room_0031/rgb_00297.jpg /dining_room_0031/sync_depth_00297.png 518.8579 +/kitchen_0028a/rgb_00091.jpg /kitchen_0028a/sync_depth_00091.png 518.8579 +/living_room_0050/rgb_00059.jpg /living_room_0050/sync_depth_00059.png 518.8579 +/classroom_0012/rgb_00044.jpg /classroom_0012/sync_depth_00044.png 518.8579 +/bookstore_0001d/rgb_00156.jpg /bookstore_0001d/sync_depth_00156.png 518.8579 +/bedroom_0004/rgb_00143.jpg /bedroom_0004/sync_depth_00143.png 518.8579 +/bedroom_0056b/rgb_00042.jpg /bedroom_0056b/sync_depth_00042.png 518.8579 +/home_office_0004/rgb_00168.jpg /home_office_0004/sync_depth_00168.png 518.8579 +/dining_room_0016/rgb_00166.jpg /dining_room_0016/sync_depth_00166.png 518.8579 +/laundry_room_0001/rgb_00054.jpg /laundry_room_0001/sync_depth_00054.png 518.8579 +/living_room_0055/rgb_00095.jpg /living_room_0055/sync_depth_00095.png 518.8579 +/playroom_0002/rgb_00031.jpg /playroom_0002/sync_depth_00031.png 518.8579 +/bookstore_0001e/rgb_00128.jpg /bookstore_0001e/sync_depth_00128.png 518.8579 +/dining_room_0028/rgb_00106.jpg /dining_room_0028/sync_depth_00106.png 518.8579 +/dining_room_0008/rgb_00096.jpg /dining_room_0008/sync_depth_00096.png 518.8579 +/bedroom_0098/rgb_00056.jpg /bedroom_0098/sync_depth_00056.png 518.8579 +/home_storage_0001/rgb_00132.jpg /home_storage_0001/sync_depth_00132.png 518.8579 +/living_room_0067/rgb_00038.jpg /living_room_0067/sync_depth_00038.png 518.8579 +/dining_room_0033/rgb_00131.jpg /dining_room_0033/sync_depth_00131.png 518.8579 +/office_kitchen_0003/rgb_00032.jpg /office_kitchen_0003/sync_depth_00032.png 518.8579 +/living_room_0018/rgb_00081.jpg /living_room_0018/sync_depth_00081.png 518.8579 +/dining_room_0024/rgb_00131.jpg /dining_room_0024/sync_depth_00131.png 518.8579 +/bathroom_0049/rgb_00024.jpg /bathroom_0049/sync_depth_00024.png 518.8579 +/kitchen_0003/rgb_00122.jpg /kitchen_0003/sync_depth_00122.png 518.8579 +/kitchen_0041/rgb_00038.jpg /kitchen_0041/sync_depth_00038.png 518.8579 +/bedroom_0104/rgb_00121.jpg /bedroom_0104/sync_depth_00121.png 518.8579 +/living_room_0050/rgb_00178.jpg /living_room_0050/sync_depth_00178.png 518.8579 +/living_room_0022/rgb_00371.jpg /living_room_0022/sync_depth_00371.png 518.8579 +/kitchen_0008/rgb_00040.jpg /kitchen_0008/sync_depth_00040.png 518.8579 +/living_room_0035/rgb_00109.jpg /living_room_0035/sync_depth_00109.png 518.8579 +/kitchen_0045b/rgb_00141.jpg /kitchen_0045b/sync_depth_00141.png 518.8579 +/living_room_0047b/rgb_00110.jpg /living_room_0047b/sync_depth_00110.png 518.8579 +/dining_room_0034/rgb_00213.jpg /dining_room_0034/sync_depth_00213.png 518.8579 +/bedroom_0065/rgb_00032.jpg /bedroom_0065/sync_depth_00032.png 518.8579 +/living_room_0037/rgb_00025.jpg /living_room_0037/sync_depth_00025.png 518.8579 +/bedroom_0029/rgb_00076.jpg /bedroom_0029/sync_depth_00076.png 518.8579 +/home_office_0005/rgb_00132.jpg /home_office_0005/sync_depth_00132.png 518.8579 +/bedroom_0026/rgb_00102.jpg /bedroom_0026/sync_depth_00102.png 518.8579 +/bedroom_0034/rgb_00021.jpg /bedroom_0034/sync_depth_00021.png 518.8579 +/kitchen_0003/rgb_00013.jpg /kitchen_0003/sync_depth_00013.png 518.8579 +/bathroom_0013/rgb_00006.jpg /bathroom_0013/sync_depth_00006.png 518.8579 +/bedroom_0130/rgb_00066.jpg /bedroom_0130/sync_depth_00066.png 518.8579 +/living_room_0067/rgb_00071.jpg /living_room_0067/sync_depth_00071.png 518.8579 +/dining_room_0008/rgb_00181.jpg /dining_room_0008/sync_depth_00181.png 518.8579 +/kitchen_0029a/rgb_00028.jpg /kitchen_0029a/sync_depth_00028.png 518.8579 +/bedroom_0026/rgb_00121.jpg /bedroom_0026/sync_depth_00121.png 518.8579 +/living_room_0040/rgb_00168.jpg /living_room_0040/sync_depth_00168.png 518.8579 +/living_room_0022/rgb_00011.jpg /living_room_0022/sync_depth_00011.png 518.8579 +/bookstore_0001j/rgb_00071.jpg /bookstore_0001j/sync_depth_00071.png 518.8579 +/dining_room_0031/rgb_00196.jpg /dining_room_0031/sync_depth_00196.png 518.8579 +/kitchen_0011a/rgb_00037.jpg /kitchen_0011a/sync_depth_00037.png 518.8579 +/bedroom_0063/rgb_00013.jpg /bedroom_0063/sync_depth_00013.png 518.8579 +/kitchen_0049/rgb_00205.jpg /kitchen_0049/sync_depth_00205.png 518.8579 +/bookstore_0001f/rgb_00508.jpg /bookstore_0001f/sync_depth_00508.png 518.8579 +/playroom_0003/rgb_00082.jpg /playroom_0003/sync_depth_00082.png 518.8579 +/living_room_0039/rgb_00164.jpg /living_room_0039/sync_depth_00164.png 518.8579 +/bedroom_0065/rgb_00038.jpg /bedroom_0065/sync_depth_00038.png 518.8579 +/dining_room_0031/rgb_00135.jpg /dining_room_0031/sync_depth_00135.png 518.8579 +/classroom_0022/rgb_00109.jpg /classroom_0022/sync_depth_00109.png 518.8579 +/kitchen_0052/rgb_00115.jpg /kitchen_0052/sync_depth_00115.png 518.8579 +/kitchen_0045a/rgb_00057.jpg /kitchen_0045a/sync_depth_00057.png 518.8579 +/office_0026/rgb_00013.jpg /office_0026/sync_depth_00013.png 518.8579 +/conference_room_0001/rgb_00095.jpg /conference_room_0001/sync_depth_00095.png 518.8579 +/dining_room_0001b/rgb_00104.jpg /dining_room_0001b/sync_depth_00104.png 518.8579 +/bedroom_0106/rgb_00122.jpg /bedroom_0106/sync_depth_00122.png 518.8579 +/nyu_office_1/rgb_00107.jpg /nyu_office_1/sync_depth_00107.png 518.8579 +/living_room_0082/rgb_00036.jpg /living_room_0082/sync_depth_00036.png 518.8579 +/bedroom_0140/rgb_00124.jpg /bedroom_0140/sync_depth_00124.png 518.8579 +/kitchen_0035b/rgb_00259.jpg /kitchen_0035b/sync_depth_00259.png 518.8579 +/kitchen_0059/rgb_00038.jpg /kitchen_0059/sync_depth_00038.png 518.8579 +/bathroom_0019/rgb_00090.jpg /bathroom_0019/sync_depth_00090.png 518.8579 +/bookstore_0001f/rgb_00300.jpg /bookstore_0001f/sync_depth_00300.png 518.8579 +/bathroom_0019/rgb_00047.jpg /bathroom_0019/sync_depth_00047.png 518.8579 +/kitchen_0052/rgb_00077.jpg /kitchen_0052/sync_depth_00077.png 518.8579 +/dining_room_0029/rgb_00114.jpg /dining_room_0029/sync_depth_00114.png 518.8579 +/kitchen_0031/rgb_00124.jpg /kitchen_0031/sync_depth_00124.png 518.8579 +/cafe_0001a/rgb_00080.jpg /cafe_0001a/sync_depth_00080.png 518.8579 +/kitchen_0052/rgb_00180.jpg /kitchen_0052/sync_depth_00180.png 518.8579 +/bedroom_0019/rgb_00111.jpg /bedroom_0019/sync_depth_00111.png 518.8579 +/living_room_0086a/rgb_00043.jpg /living_room_0086a/sync_depth_00043.png 518.8579 +/living_room_0069a/rgb_00109.jpg /living_room_0069a/sync_depth_00109.png 518.8579 +/nyu_office_0/rgb_00127.jpg /nyu_office_0/sync_depth_00127.png 518.8579 +/home_office_0005/rgb_00113.jpg /home_office_0005/sync_depth_00113.png 518.8579 +/bathroom_0013/rgb_00001.jpg /bathroom_0013/sync_depth_00001.png 518.8579 +/kitchen_0019a/rgb_00300.jpg /kitchen_0019a/sync_depth_00300.png 518.8579 +/furniture_store_0002b/rgb_00091.jpg /furniture_store_0002b/sync_depth_00091.png 518.8579 +/living_room_0012/rgb_00161.jpg /living_room_0012/sync_depth_00161.png 518.8579 +/living_room_0050/rgb_00252.jpg /living_room_0050/sync_depth_00252.png 518.8579 +/living_room_0004/rgb_00054.jpg /living_room_0004/sync_depth_00054.png 518.8579 +/bedroom_0034/rgb_00042.jpg /bedroom_0034/sync_depth_00042.png 518.8579 +/student_lounge_0001/rgb_00068.jpg /student_lounge_0001/sync_depth_00068.png 518.8579 +/reception_room_0004/rgb_00008.jpg /reception_room_0004/sync_depth_00008.png 518.8579 +/student_lounge_0001/rgb_00234.jpg /student_lounge_0001/sync_depth_00234.png 518.8579 +/furniture_store_0002a/rgb_00143.jpg /furniture_store_0002a/sync_depth_00143.png 518.8579 +/kitchen_0052/rgb_00176.jpg /kitchen_0052/sync_depth_00176.png 518.8579 +/living_room_0018/rgb_00210.jpg /living_room_0018/sync_depth_00210.png 518.8579 +/living_room_0062/rgb_00025.jpg /living_room_0062/sync_depth_00025.png 518.8579 +/bedroom_0138/rgb_00013.jpg /bedroom_0138/sync_depth_00013.png 518.8579 +/dining_room_0024/rgb_00006.jpg /dining_room_0024/sync_depth_00006.png 518.8579 +/living_room_0046b/rgb_00006.jpg /living_room_0046b/sync_depth_00006.png 518.8579 +/living_room_0058/rgb_00241.jpg /living_room_0058/sync_depth_00241.png 518.8579 +/bedroom_0140/rgb_00020.jpg /bedroom_0140/sync_depth_00020.png 518.8579 +/living_room_0078/rgb_00072.jpg /living_room_0078/sync_depth_00072.png 518.8579 +/kitchen_0049/rgb_00098.jpg /kitchen_0049/sync_depth_00098.png 518.8579 +/kitchen_0019b/rgb_00005.jpg /kitchen_0019b/sync_depth_00005.png 518.8579 +/kitchen_0050/rgb_00041.jpg /kitchen_0050/sync_depth_00041.png 518.8579 +/dining_room_0033/rgb_00025.jpg /dining_room_0033/sync_depth_00025.png 518.8579 +/kitchen_0029b/rgb_00043.jpg /kitchen_0029b/sync_depth_00043.png 518.8579 +/office_0026/rgb_00109.jpg /office_0026/sync_depth_00109.png 518.8579 +/living_room_0055/rgb_00124.jpg /living_room_0055/sync_depth_00124.png 518.8579 +/playroom_0003/rgb_00136.jpg /playroom_0003/sync_depth_00136.png 518.8579 +/kitchen_0045b/rgb_00009.jpg /kitchen_0045b/sync_depth_00009.png 518.8579 +/dining_room_0013/rgb_00061.jpg /dining_room_0013/sync_depth_00061.png 518.8579 +/bedroom_0076a/rgb_00222.jpg /bedroom_0076a/sync_depth_00222.png 518.8579 +/home_storage_0001/rgb_00023.jpg /home_storage_0001/sync_depth_00023.png 518.8579 +/student_lounge_0001/rgb_00064.jpg /student_lounge_0001/sync_depth_00064.png 518.8579 +/living_room_0022/rgb_00354.jpg /living_room_0022/sync_depth_00354.png 518.8579 +/living_room_0062/rgb_00013.jpg /living_room_0062/sync_depth_00013.png 518.8579 +/computer_lab_0002/rgb_00007.jpg /computer_lab_0002/sync_depth_00007.png 518.8579 +/classroom_0011/rgb_00009.jpg /classroom_0011/sync_depth_00009.png 518.8579 +/bookstore_0001i/rgb_00114.jpg /bookstore_0001i/sync_depth_00114.png 518.8579 +/bedroom_0051/rgb_00030.jpg /bedroom_0051/sync_depth_00030.png 518.8579 +/bedroom_0047/rgb_00047.jpg /bedroom_0047/sync_depth_00047.png 518.8579 +/bookstore_0001g/rgb_00155.jpg /bookstore_0001g/sync_depth_00155.png 518.8579 +/bookstore_0001f/rgb_00155.jpg /bookstore_0001f/sync_depth_00155.png 518.8579 +/bookstore_0001d/rgb_00147.jpg /bookstore_0001d/sync_depth_00147.png 518.8579 +/kitchen_0010/rgb_00109.jpg /kitchen_0010/sync_depth_00109.png 518.8579 +/bedroom_0130/rgb_00034.jpg /bedroom_0130/sync_depth_00034.png 518.8579 +/kitchen_0031/rgb_00146.jpg /kitchen_0031/sync_depth_00146.png 518.8579 +/office_0024/rgb_00125.jpg /office_0024/sync_depth_00125.png 518.8579 +/bedroom_0052/rgb_00051.jpg /bedroom_0052/sync_depth_00051.png 518.8579 +/kitchen_0048/rgb_00076.jpg /kitchen_0048/sync_depth_00076.png 518.8579 +/kitchen_0050/rgb_00070.jpg /kitchen_0050/sync_depth_00070.png 518.8579 +/dining_room_0023/rgb_00149.jpg /dining_room_0023/sync_depth_00149.png 518.8579 +/living_room_0069b/rgb_00008.jpg /living_room_0069b/sync_depth_00008.png 518.8579 +/living_room_0033/rgb_00042.jpg /living_room_0033/sync_depth_00042.png 518.8579 +/bathroom_0007/rgb_00037.jpg /bathroom_0007/sync_depth_00037.png 518.8579 +/nyu_office_0/rgb_00269.jpg /nyu_office_0/sync_depth_00269.png 518.8579 +/cafe_0001c/rgb_00074.jpg /cafe_0001c/sync_depth_00074.png 518.8579 +/office_0012/rgb_00041.jpg /office_0012/sync_depth_00041.png 518.8579 +/home_office_0013/rgb_00037.jpg /home_office_0013/sync_depth_00037.png 518.8579 +/dining_room_0028/rgb_00009.jpg /dining_room_0028/sync_depth_00009.png 518.8579 +/kitchen_0033/rgb_00170.jpg /kitchen_0033/sync_depth_00170.png 518.8579 +/bedroom_0033/rgb_00067.jpg /bedroom_0033/sync_depth_00067.png 518.8579 +/living_room_0040/rgb_00248.jpg /living_room_0040/sync_depth_00248.png 518.8579 +/bedroom_0104/rgb_00078.jpg /bedroom_0104/sync_depth_00078.png 518.8579 +/office_0021/rgb_00033.jpg /office_0021/sync_depth_00033.png 518.8579 +/living_room_0037/rgb_00029.jpg /living_room_0037/sync_depth_00029.png 518.8579 +/kitchen_0019a/rgb_00022.jpg /kitchen_0019a/sync_depth_00022.png 518.8579 +/cafe_0001a/rgb_00069.jpg /cafe_0001a/sync_depth_00069.png 518.8579 +/bathroom_0050/rgb_00013.jpg /bathroom_0050/sync_depth_00013.png 518.8579 +/dining_room_0016/rgb_00163.jpg /dining_room_0016/sync_depth_00163.png 518.8579 +/living_room_0047b/rgb_00153.jpg /living_room_0047b/sync_depth_00153.png 518.8579 +/bedroom_0086/rgb_00119.jpg /bedroom_0086/sync_depth_00119.png 518.8579 +/bathroom_0054/rgb_00016.jpg /bathroom_0054/sync_depth_00016.png 518.8579 +/bathroom_0033/rgb_00009.jpg /bathroom_0033/sync_depth_00009.png 518.8579 +/kitchen_0049/rgb_00117.jpg /kitchen_0049/sync_depth_00117.png 518.8579 +/kitchen_0029c/rgb_00111.jpg /kitchen_0029c/sync_depth_00111.png 518.8579 +/dining_room_0034/rgb_00177.jpg /dining_room_0034/sync_depth_00177.png 518.8579 +/kitchen_0031/rgb_00112.jpg /kitchen_0031/sync_depth_00112.png 518.8579 +/cafe_0001c/rgb_00090.jpg /cafe_0001c/sync_depth_00090.png 518.8579 +/bookstore_0001i/rgb_00099.jpg /bookstore_0001i/sync_depth_00099.png 518.8579 +/dining_room_0024/rgb_00037.jpg /dining_room_0024/sync_depth_00037.png 518.8579 +/dining_room_0012/rgb_00153.jpg /dining_room_0012/sync_depth_00153.png 518.8579 +/kitchen_0048/rgb_00172.jpg /kitchen_0048/sync_depth_00172.png 518.8579 +/kitchen_0035b/rgb_00182.jpg /kitchen_0035b/sync_depth_00182.png 518.8579 +/furniture_store_0002a/rgb_00333.jpg /furniture_store_0002a/sync_depth_00333.png 518.8579 +/living_room_0018/rgb_00030.jpg /living_room_0018/sync_depth_00030.png 518.8579 +/bedroom_0113/rgb_00115.jpg /bedroom_0113/sync_depth_00115.png 518.8579 +/office_0003/rgb_00017.jpg /office_0003/sync_depth_00017.png 518.8579 +/living_room_0033/rgb_00000.jpg /living_room_0033/sync_depth_00000.png 518.8579 +/furniture_store_0002b/rgb_00178.jpg /furniture_store_0002b/sync_depth_00178.png 518.8579 +/living_room_0010/rgb_00231.jpg /living_room_0010/sync_depth_00231.png 518.8579 +/bedroom_0069/rgb_00035.jpg /bedroom_0069/sync_depth_00035.png 518.8579 +/cafe_0001b/rgb_00005.jpg /cafe_0001b/sync_depth_00005.png 518.8579 +/student_lounge_0001/rgb_00255.jpg /student_lounge_0001/sync_depth_00255.png 518.8579 +/living_room_0012/rgb_00113.jpg /living_room_0012/sync_depth_00113.png 518.8579 +/living_room_0070/rgb_00111.jpg /living_room_0070/sync_depth_00111.png 518.8579 +/nyu_office_0/rgb_00184.jpg /nyu_office_0/sync_depth_00184.png 518.8579 +/living_room_0020/rgb_00002.jpg /living_room_0020/sync_depth_00002.png 518.8579 +/living_room_0068/rgb_00003.jpg /living_room_0068/sync_depth_00003.png 518.8579 +/bedroom_0057/rgb_00008.jpg /bedroom_0057/sync_depth_00008.png 518.8579 +/living_room_0063/rgb_00072.jpg /living_room_0063/sync_depth_00072.png 518.8579 +/bedroom_0015/rgb_00083.jpg /bedroom_0015/sync_depth_00083.png 518.8579 +/bedroom_0051/rgb_00141.jpg /bedroom_0051/sync_depth_00141.png 518.8579 +/living_room_0011/rgb_00041.jpg /living_room_0011/sync_depth_00041.png 518.8579 +/furniture_store_0001b/rgb_00082.jpg /furniture_store_0001b/sync_depth_00082.png 518.8579 +/bedroom_0056a/rgb_00063.jpg /bedroom_0056a/sync_depth_00063.png 518.8579 +/furniture_store_0001d/rgb_00225.jpg /furniture_store_0001d/sync_depth_00225.png 518.8579 +/bookstore_0001f/rgb_00109.jpg /bookstore_0001f/sync_depth_00109.png 518.8579 +/bookstore_0001f/rgb_00117.jpg /bookstore_0001f/sync_depth_00117.png 518.8579 +/living_room_0070/rgb_00022.jpg /living_room_0070/sync_depth_00022.png 518.8579 +/bedroom_0106/rgb_00089.jpg /bedroom_0106/sync_depth_00089.png 518.8579 +/bathroom_0035/rgb_00012.jpg /bathroom_0035/sync_depth_00012.png 518.8579 +/living_room_0040/rgb_00313.jpg /living_room_0040/sync_depth_00313.png 518.8579 +/bedroom_0060/rgb_00072.jpg /bedroom_0060/sync_depth_00072.png 518.8579 +/dining_room_0034/rgb_00139.jpg /dining_room_0034/sync_depth_00139.png 518.8579 +/kitchen_0028a/rgb_00131.jpg /kitchen_0028a/sync_depth_00131.png 518.8579 +/home_office_0005/rgb_00039.jpg /home_office_0005/sync_depth_00039.png 518.8579 +/living_room_0020/rgb_00193.jpg /living_room_0020/sync_depth_00193.png 518.8579 +/living_room_0019/rgb_00079.jpg /living_room_0019/sync_depth_00079.png 518.8579 +/living_room_0029/rgb_00026.jpg /living_room_0029/sync_depth_00026.png 518.8579 +/bedroom_0130/rgb_00071.jpg /bedroom_0130/sync_depth_00071.png 518.8579 +/classroom_0010/rgb_00049.jpg /classroom_0010/sync_depth_00049.png 518.8579 +/kitchen_0051/rgb_00358.jpg /kitchen_0051/sync_depth_00358.png 518.8579 +/dining_room_0023/rgb_00118.jpg /dining_room_0023/sync_depth_00118.png 518.8579 +/office_0004/rgb_00043.jpg /office_0004/sync_depth_00043.png 518.8579 +/living_room_0047b/rgb_00042.jpg /living_room_0047b/sync_depth_00042.png 518.8579 +/cafe_0001a/rgb_00060.jpg /cafe_0001a/sync_depth_00060.png 518.8579 +/cafe_0001a/rgb_00063.jpg /cafe_0001a/sync_depth_00063.png 518.8579 +/living_room_0022/rgb_00355.jpg /living_room_0022/sync_depth_00355.png 518.8579 +/bedroom_0074/rgb_00133.jpg /bedroom_0074/sync_depth_00133.png 518.8579 +/office_0006/rgb_00046.jpg /office_0006/sync_depth_00046.png 518.8579 +/bedroom_0004/rgb_00101.jpg /bedroom_0004/sync_depth_00101.png 518.8579 +/dining_room_0013/rgb_00170.jpg /dining_room_0013/sync_depth_00170.png 518.8579 +/kitchen_0019b/rgb_00012.jpg /kitchen_0019b/sync_depth_00012.png 518.8579 +/cafe_0001a/rgb_00007.jpg /cafe_0001a/sync_depth_00007.png 518.8579 +/bedroom_0124/rgb_00021.jpg /bedroom_0124/sync_depth_00021.png 518.8579 +/reception_room_0004/rgb_00042.jpg /reception_room_0004/sync_depth_00042.png 518.8579 +/bedroom_0062/rgb_00105.jpg /bedroom_0062/sync_depth_00105.png 518.8579 +/bedroom_0020/rgb_00012.jpg /bedroom_0020/sync_depth_00012.png 518.8579 +/office_0006/rgb_00144.jpg /office_0006/sync_depth_00144.png 518.8579 +/bedroom_0067a/rgb_00041.jpg /bedroom_0067a/sync_depth_00041.png 518.8579 +/bedroom_0026/rgb_00054.jpg /bedroom_0026/sync_depth_00054.png 518.8579 +/dining_room_0008/rgb_00058.jpg /dining_room_0008/sync_depth_00058.png 518.8579 +/living_room_0055/rgb_00050.jpg /living_room_0055/sync_depth_00050.png 518.8579 +/living_room_0039/rgb_00037.jpg /living_room_0039/sync_depth_00037.png 518.8579 +/dining_room_0013/rgb_00100.jpg /dining_room_0013/sync_depth_00100.png 518.8579 +/living_room_0083/rgb_00036.jpg /living_room_0083/sync_depth_00036.png 518.8579 +/bedroom_0067a/rgb_00004.jpg /bedroom_0067a/sync_depth_00004.png 518.8579 +/office_0011/rgb_00149.jpg /office_0011/sync_depth_00149.png 518.8579 +/bedroom_0016/rgb_00173.jpg /bedroom_0016/sync_depth_00173.png 518.8579 +/bedroom_0072/rgb_00053.jpg /bedroom_0072/sync_depth_00053.png 518.8579 +/dining_room_0031/rgb_00077.jpg /dining_room_0031/sync_depth_00077.png 518.8579 +/home_office_0008/rgb_00001.jpg /home_office_0008/sync_depth_00001.png 518.8579 +/bedroom_0059/rgb_00002.jpg /bedroom_0059/sync_depth_00002.png 518.8579 +/living_room_0050/rgb_00171.jpg /living_room_0050/sync_depth_00171.png 518.8579 +/living_room_0029/rgb_00054.jpg /living_room_0029/sync_depth_00054.png 518.8579 +/furniture_store_0002b/rgb_00040.jpg /furniture_store_0002b/sync_depth_00040.png 518.8579 +/study_room_0004/rgb_00085.jpg /study_room_0004/sync_depth_00085.png 518.8579 +/bedroom_0056b/rgb_00001.jpg /bedroom_0056b/sync_depth_00001.png 518.8579 +/bedroom_0072/rgb_00047.jpg /bedroom_0072/sync_depth_00047.png 518.8579 +/bathroom_0007/rgb_00009.jpg /bathroom_0007/sync_depth_00009.png 518.8579 +/dining_room_0014/rgb_00017.jpg /dining_room_0014/sync_depth_00017.png 518.8579 +/bedroom_0047/rgb_00057.jpg /bedroom_0047/sync_depth_00057.png 518.8579 +/classroom_0006/rgb_00052.jpg /classroom_0006/sync_depth_00052.png 518.8579 +/playroom_0004/rgb_00086.jpg /playroom_0004/sync_depth_00086.png 518.8579 +/bedroom_0020/rgb_00108.jpg /bedroom_0020/sync_depth_00108.png 518.8579 +/home_office_0004/rgb_00103.jpg /home_office_0004/sync_depth_00103.png 518.8579 +/dining_room_0015/rgb_00239.jpg /dining_room_0015/sync_depth_00239.png 518.8579 +/bathroom_0041/rgb_00006.jpg /bathroom_0041/sync_depth_00006.png 518.8579 +/home_office_0006/rgb_00025.jpg /home_office_0006/sync_depth_00025.png 518.8579 +/bedroom_0053/rgb_00089.jpg /bedroom_0053/sync_depth_00089.png 518.8579 +/office_0023/rgb_00019.jpg /office_0023/sync_depth_00019.png 518.8579 +/office_0012/rgb_00075.jpg /office_0012/sync_depth_00075.png 518.8579 +/reception_room_0001a/rgb_00106.jpg /reception_room_0001a/sync_depth_00106.png 518.8579 +/bedroom_0033/rgb_00038.jpg /bedroom_0033/sync_depth_00038.png 518.8579 +/bedroom_0025/rgb_00011.jpg /bedroom_0025/sync_depth_00011.png 518.8579 +/dining_room_0015/rgb_00182.jpg /dining_room_0015/sync_depth_00182.png 518.8579 +/dining_room_0028/rgb_00020.jpg /dining_room_0028/sync_depth_00020.png 518.8579 +/kitchen_0053/rgb_00125.jpg /kitchen_0053/sync_depth_00125.png 518.8579 +/bedroom_0076a/rgb_00019.jpg /bedroom_0076a/sync_depth_00019.png 518.8579 +/living_room_0042b/rgb_00017.jpg /living_room_0042b/sync_depth_00017.png 518.8579 +/classroom_0010/rgb_00012.jpg /classroom_0010/sync_depth_00012.png 518.8579 +/bookstore_0001f/rgb_00075.jpg /bookstore_0001f/sync_depth_00075.png 518.8579 +/dining_room_0008/rgb_00195.jpg /dining_room_0008/sync_depth_00195.png 518.8579 +/kitchen_0028b/rgb_00051.jpg /kitchen_0028b/sync_depth_00051.png 518.8579 +/classroom_0006/rgb_00038.jpg /classroom_0006/sync_depth_00038.png 518.8579 +/bedroom_0028/rgb_00076.jpg /bedroom_0028/sync_depth_00076.png 518.8579 +/bedroom_0034/rgb_00033.jpg /bedroom_0034/sync_depth_00033.png 518.8579 +/bedroom_0062/rgb_00027.jpg /bedroom_0062/sync_depth_00027.png 518.8579 +/bedroom_0019/rgb_00120.jpg /bedroom_0019/sync_depth_00120.png 518.8579 +/living_room_0018/rgb_00072.jpg /living_room_0018/sync_depth_00072.png 518.8579 +/bedroom_0063/rgb_00053.jpg /bedroom_0063/sync_depth_00053.png 518.8579 +/kitchen_0019a/rgb_00290.jpg /kitchen_0019a/sync_depth_00290.png 518.8579 +/bedroom_0140/rgb_00161.jpg /bedroom_0140/sync_depth_00161.png 518.8579 +/living_room_0022/rgb_00397.jpg /living_room_0022/sync_depth_00397.png 518.8579 +/bedroom_0056a/rgb_00031.jpg /bedroom_0056a/sync_depth_00031.png 518.8579 +/bedroom_0074/rgb_00026.jpg /bedroom_0074/sync_depth_00026.png 518.8579 +/dining_room_0019/rgb_00081.jpg /dining_room_0019/sync_depth_00081.png 518.8579 +/kitchen_0019a/rgb_00192.jpg /kitchen_0019a/sync_depth_00192.png 518.8579 +/bedroom_0071/rgb_00049.jpg /bedroom_0071/sync_depth_00049.png 518.8579 +/dining_room_0007/rgb_00178.jpg /dining_room_0007/sync_depth_00178.png 518.8579 +/bedroom_0059/rgb_00090.jpg /bedroom_0059/sync_depth_00090.png 518.8579 +/home_office_0008/rgb_00106.jpg /home_office_0008/sync_depth_00106.png 518.8579 +/bookstore_0001j/rgb_00128.jpg /bookstore_0001j/sync_depth_00128.png 518.8579 +/furniture_store_0001d/rgb_00252.jpg /furniture_store_0001d/sync_depth_00252.png 518.8579 +/bedroom_0004/rgb_00066.jpg /bedroom_0004/sync_depth_00066.png 518.8579 +/bedroom_0086/rgb_00074.jpg /bedroom_0086/sync_depth_00074.png 518.8579 +/bedroom_0082/rgb_00058.jpg /bedroom_0082/sync_depth_00058.png 518.8579 +/nyu_office_0/rgb_00218.jpg /nyu_office_0/sync_depth_00218.png 518.8579 +/printer_room_0001/rgb_00010.jpg /printer_room_0001/sync_depth_00010.png 518.8579 +/bookstore_0001g/rgb_00075.jpg /bookstore_0001g/sync_depth_00075.png 518.8579 +/bedroom_0010/rgb_00105.jpg /bedroom_0010/sync_depth_00105.png 518.8579 +/bedroom_0076a/rgb_00276.jpg /bedroom_0076a/sync_depth_00276.png 518.8579 +/dining_room_0004/rgb_00025.jpg /dining_room_0004/sync_depth_00025.png 518.8579 +/dining_room_0037/rgb_00116.jpg /dining_room_0037/sync_depth_00116.png 518.8579 +/bookstore_0001d/rgb_00187.jpg /bookstore_0001d/sync_depth_00187.png 518.8579 +/bedroom_0076a/rgb_00099.jpg /bedroom_0076a/sync_depth_00099.png 518.8579 +/bedroom_0076a/rgb_00003.jpg /bedroom_0076a/sync_depth_00003.png 518.8579 +/dining_room_0012/rgb_00031.jpg /dining_room_0012/sync_depth_00031.png 518.8579 +/dining_room_0004/rgb_00046.jpg /dining_room_0004/sync_depth_00046.png 518.8579 +/bedroom_0016/rgb_00122.jpg /bedroom_0016/sync_depth_00122.png 518.8579 +/bedroom_0026/rgb_00019.jpg /bedroom_0026/sync_depth_00019.png 518.8579 +/furniture_store_0002c/rgb_00004.jpg /furniture_store_0002c/sync_depth_00004.png 518.8579 +/kitchen_0052/rgb_00062.jpg /kitchen_0052/sync_depth_00062.png 518.8579 +/kitchen_0003/rgb_00166.jpg /kitchen_0003/sync_depth_00166.png 518.8579 +/excercise_room_0001/rgb_00044.jpg /excercise_room_0001/sync_depth_00044.png 518.8579 +/cafe_0001a/rgb_00021.jpg /cafe_0001a/sync_depth_00021.png 518.8579 +/bedroom_0004/rgb_00115.jpg /bedroom_0004/sync_depth_00115.png 518.8579 +/bookstore_0001j/rgb_00063.jpg /bookstore_0001j/sync_depth_00063.png 518.8579 +/office_0011/rgb_00137.jpg /office_0011/sync_depth_00137.png 518.8579 +/cafe_0001a/rgb_00082.jpg /cafe_0001a/sync_depth_00082.png 518.8579 +/dining_room_0001b/rgb_00218.jpg /dining_room_0001b/sync_depth_00218.png 518.8579 +/bedroom_0076a/rgb_00155.jpg /bedroom_0076a/sync_depth_00155.png 518.8579 +/living_room_0022/rgb_00153.jpg /living_room_0022/sync_depth_00153.png 518.8579 +/kitchen_0045b/rgb_00160.jpg /kitchen_0045b/sync_depth_00160.png 518.8579 +/bedroom_0031/rgb_00007.jpg /bedroom_0031/sync_depth_00007.png 518.8579 +/reception_room_0001b/rgb_00002.jpg /reception_room_0001b/sync_depth_00002.png 518.8579 +/living_room_0018/rgb_00207.jpg /living_room_0018/sync_depth_00207.png 518.8579 +/bedroom_0071/rgb_00097.jpg /bedroom_0071/sync_depth_00097.png 518.8579 +/study_0003/rgb_00114.jpg /study_0003/sync_depth_00114.png 518.8579 +/bedroom_0113/rgb_00014.jpg /bedroom_0113/sync_depth_00014.png 518.8579 +/bedroom_0082/rgb_00049.jpg /bedroom_0082/sync_depth_00049.png 518.8579 +/bedroom_0071/rgb_00024.jpg /bedroom_0071/sync_depth_00024.png 518.8579 +/living_room_0078/rgb_00130.jpg /living_room_0078/sync_depth_00130.png 518.8579 +/bedroom_0074/rgb_00095.jpg /bedroom_0074/sync_depth_00095.png 518.8579 +/dining_room_0019/rgb_00048.jpg /dining_room_0019/sync_depth_00048.png 518.8579 +/bedroom_0132/rgb_00032.jpg /bedroom_0132/sync_depth_00032.png 518.8579 +/home_office_0004/rgb_00140.jpg /home_office_0004/sync_depth_00140.png 518.8579 +/student_lounge_0001/rgb_00026.jpg /student_lounge_0001/sync_depth_00026.png 518.8579 +/bedroom_0056a/rgb_00072.jpg /bedroom_0056a/sync_depth_00072.png 518.8579 +/dining_room_0008/rgb_00168.jpg /dining_room_0008/sync_depth_00168.png 518.8579 +/bedroom_0059/rgb_00030.jpg /bedroom_0059/sync_depth_00030.png 518.8579 +/living_room_0078/rgb_00064.jpg /living_room_0078/sync_depth_00064.png 518.8579 +/dining_room_0019/rgb_00091.jpg /dining_room_0019/sync_depth_00091.png 518.8579 +/bedroom_0041/rgb_00066.jpg /bedroom_0041/sync_depth_00066.png 518.8579 +/office_0021/rgb_00061.jpg /office_0021/sync_depth_00061.png 518.8579 +/kitchen_0003/rgb_00001.jpg /kitchen_0003/sync_depth_00001.png 518.8579 +/bedroom_0010/rgb_00051.jpg /bedroom_0010/sync_depth_00051.png 518.8579 +/reception_room_0001a/rgb_00068.jpg /reception_room_0001a/sync_depth_00068.png 518.8579 +/study_0003/rgb_00113.jpg /study_0003/sync_depth_00113.png 518.8579 +/bedroom_0034/rgb_00059.jpg /bedroom_0034/sync_depth_00059.png 518.8579 +/nyu_office_0/rgb_00315.jpg /nyu_office_0/sync_depth_00315.png 518.8579 +/office_0011/rgb_00172.jpg /office_0011/sync_depth_00172.png 518.8579 +/classroom_0006/rgb_00172.jpg /classroom_0006/sync_depth_00172.png 518.8579 +/kitchen_0016/rgb_00077.jpg /kitchen_0016/sync_depth_00077.png 518.8579 +/bedroom_0052/rgb_00129.jpg /bedroom_0052/sync_depth_00129.png 518.8579 +/study_room_0005b/rgb_00048.jpg /study_room_0005b/sync_depth_00048.png 518.8579 +/home_storage_0001/rgb_00098.jpg /home_storage_0001/sync_depth_00098.png 518.8579 +/dining_room_0033/rgb_00005.jpg /dining_room_0033/sync_depth_00005.png 518.8579 +/kitchen_0011a/rgb_00011.jpg /kitchen_0011a/sync_depth_00011.png 518.8579 +/kitchen_0053/rgb_00223.jpg /kitchen_0053/sync_depth_00223.png 518.8579 +/kitchen_0059/rgb_00045.jpg /kitchen_0059/sync_depth_00045.png 518.8579 +/bookstore_0001d/rgb_00069.jpg /bookstore_0001d/sync_depth_00069.png 518.8579 +/classroom_0006/rgb_00058.jpg /classroom_0006/sync_depth_00058.png 518.8579 +/kitchen_0059/rgb_00087.jpg /kitchen_0059/sync_depth_00087.png 518.8579 +/kitchen_0028a/rgb_00096.jpg /kitchen_0028a/sync_depth_00096.png 518.8579 +/bedroom_0034/rgb_00016.jpg /bedroom_0034/sync_depth_00016.png 518.8579 +/study_0003/rgb_00054.jpg /study_0003/sync_depth_00054.png 518.8579 +/bedroom_0033/rgb_00066.jpg /bedroom_0033/sync_depth_00066.png 518.8579 +/home_storage_0001/rgb_00037.jpg /home_storage_0001/sync_depth_00037.png 518.8579 +/bedroom_0034/rgb_00090.jpg /bedroom_0034/sync_depth_00090.png 518.8579 +/bedroom_0050/rgb_00144.jpg /bedroom_0050/sync_depth_00144.png 518.8579 +/dining_room_0001b/rgb_00093.jpg /dining_room_0001b/sync_depth_00093.png 518.8579 +/bathroom_0053/rgb_00020.jpg /bathroom_0053/sync_depth_00020.png 518.8579 +/kitchen_0033/rgb_00035.jpg /kitchen_0033/sync_depth_00035.png 518.8579 +/living_room_0019/rgb_00187.jpg /living_room_0019/sync_depth_00187.png 518.8579 +/living_room_0042b/rgb_00094.jpg /living_room_0042b/sync_depth_00094.png 518.8579 +/living_room_0022/rgb_00001.jpg /living_room_0022/sync_depth_00001.png 518.8579 +/bookstore_0001g/rgb_00121.jpg /bookstore_0001g/sync_depth_00121.png 518.8579 +/bathroom_0013/rgb_00056.jpg /bathroom_0013/sync_depth_00056.png 518.8579 +/bedroom_0096/rgb_00071.jpg /bedroom_0096/sync_depth_00071.png 518.8579 +/office_0021/rgb_00067.jpg /office_0021/sync_depth_00067.png 518.8579 +/living_room_0062/rgb_00142.jpg /living_room_0062/sync_depth_00142.png 518.8579 +/kitchen_0050/rgb_00170.jpg /kitchen_0050/sync_depth_00170.png 518.8579 +/bedroom_0138/rgb_00079.jpg /bedroom_0138/sync_depth_00079.png 518.8579 +/bookstore_0001h/rgb_00026.jpg /bookstore_0001h/sync_depth_00026.png 518.8579 +/dining_room_0031/rgb_00346.jpg /dining_room_0031/sync_depth_00346.png 518.8579 +/living_room_0022/rgb_00192.jpg /living_room_0022/sync_depth_00192.png 518.8579 +/living_room_0029/rgb_00004.jpg /living_room_0029/sync_depth_00004.png 518.8579 +/bedroom_0076a/rgb_00255.jpg /bedroom_0076a/sync_depth_00255.png 518.8579 +/reception_room_0001a/rgb_00105.jpg /reception_room_0001a/sync_depth_00105.png 518.8579 +/kitchen_0053/rgb_00237.jpg /kitchen_0053/sync_depth_00237.png 518.8579 +/bedroom_0052/rgb_00035.jpg /bedroom_0052/sync_depth_00035.png 518.8579 +/living_room_0070/rgb_00016.jpg /living_room_0070/sync_depth_00016.png 518.8579 +/kitchen_0043/rgb_00224.jpg /kitchen_0043/sync_depth_00224.png 518.8579 +/indoor_balcony_0001/rgb_00010.jpg /indoor_balcony_0001/sync_depth_00010.png 518.8579 +/cafe_0001b/rgb_00020.jpg /cafe_0001b/sync_depth_00020.png 518.8579 +/kitchen_0043/rgb_00120.jpg /kitchen_0043/sync_depth_00120.png 518.8579 +/living_room_0063/rgb_00100.jpg /living_room_0063/sync_depth_00100.png 518.8579 +/office_0019/rgb_00051.jpg /office_0019/sync_depth_00051.png 518.8579 +/dining_room_0028/rgb_00015.jpg /dining_room_0028/sync_depth_00015.png 518.8579 +/bedroom_0098/rgb_00058.jpg /bedroom_0098/sync_depth_00058.png 518.8579 +/living_room_0050/rgb_00172.jpg /living_room_0050/sync_depth_00172.png 518.8579 +/classroom_0004/rgb_00038.jpg /classroom_0004/sync_depth_00038.png 518.8579 +/kitchen_0019a/rgb_00086.jpg /kitchen_0019a/sync_depth_00086.png 518.8579 +/kitchen_0053/rgb_00185.jpg /kitchen_0053/sync_depth_00185.png 518.8579 +/bedroom_0125b/rgb_00044.jpg /bedroom_0125b/sync_depth_00044.png 518.8579 +/dining_room_0031/rgb_00403.jpg /dining_room_0031/sync_depth_00403.png 518.8579 +/home_office_0004/rgb_00020.jpg /home_office_0004/sync_depth_00020.png 518.8579 +/dining_room_0033/rgb_00135.jpg /dining_room_0033/sync_depth_00135.png 518.8579 +/bedroom_0090/rgb_00009.jpg /bedroom_0090/sync_depth_00009.png 518.8579 +/home_office_0005/rgb_00013.jpg /home_office_0005/sync_depth_00013.png 518.8579 +/dining_room_0019/rgb_00073.jpg /dining_room_0019/sync_depth_00073.png 518.8579 +/bathroom_0028/rgb_00068.jpg /bathroom_0028/sync_depth_00068.png 518.8579 +/home_storage_0001/rgb_00068.jpg /home_storage_0001/sync_depth_00068.png 518.8579 +/bedroom_0063/rgb_00114.jpg /bedroom_0063/sync_depth_00114.png 518.8579 +/kitchen_0051/rgb_00352.jpg /kitchen_0051/sync_depth_00352.png 518.8579 +/reception_room_0001b/rgb_00024.jpg /reception_room_0001b/sync_depth_00024.png 518.8579 +/kitchen_0016/rgb_00080.jpg /kitchen_0016/sync_depth_00080.png 518.8579 +/bedroom_0130/rgb_00063.jpg /bedroom_0130/sync_depth_00063.png 518.8579 +/bookstore_0001h/rgb_00118.jpg /bookstore_0001h/sync_depth_00118.png 518.8579 +/kitchen_0051/rgb_00277.jpg /kitchen_0051/sync_depth_00277.png 518.8579 +/kitchen_0043/rgb_00250.jpg /kitchen_0043/sync_depth_00250.png 518.8579 +/kitchen_0033/rgb_00168.jpg /kitchen_0033/sync_depth_00168.png 518.8579 +/kitchen_0029c/rgb_00037.jpg /kitchen_0029c/sync_depth_00037.png 518.8579 +/living_room_0055/rgb_00036.jpg /living_room_0055/sync_depth_00036.png 518.8579 +/bathroom_0006/rgb_00011.jpg /bathroom_0006/sync_depth_00011.png 518.8579 +/bedroom_0004/rgb_00060.jpg /bedroom_0004/sync_depth_00060.png 518.8579 +/dining_room_0016/rgb_00174.jpg /dining_room_0016/sync_depth_00174.png 518.8579 +/living_room_0078/rgb_00007.jpg /living_room_0078/sync_depth_00007.png 518.8579 +/living_room_0035/rgb_00046.jpg /living_room_0035/sync_depth_00046.png 518.8579 +/dining_room_0008/rgb_00057.jpg /dining_room_0008/sync_depth_00057.png 518.8579 +/bedroom_0098/rgb_00028.jpg /bedroom_0098/sync_depth_00028.png 518.8579 +/bookstore_0001j/rgb_00135.jpg /bookstore_0001j/sync_depth_00135.png 518.8579 +/kitchen_0011a/rgb_00062.jpg /kitchen_0011a/sync_depth_00062.png 518.8579 +/dining_room_0001b/rgb_00037.jpg /dining_room_0001b/sync_depth_00037.png 518.8579 +/office_0006/rgb_00142.jpg /office_0006/sync_depth_00142.png 518.8579 +/bedroom_0078/rgb_00065.jpg /bedroom_0078/sync_depth_00065.png 518.8579 +/kitchen_0050/rgb_00183.jpg /kitchen_0050/sync_depth_00183.png 518.8579 +/bookstore_0001f/rgb_00374.jpg /bookstore_0001f/sync_depth_00374.png 518.8579 +/kitchen_0035b/rgb_00078.jpg /kitchen_0035b/sync_depth_00078.png 518.8579 +/classroom_0011/rgb_00039.jpg /classroom_0011/sync_depth_00039.png 518.8579 +/kitchen_0049/rgb_00050.jpg /kitchen_0049/sync_depth_00050.png 518.8579 +/dining_room_0007/rgb_00075.jpg /dining_room_0007/sync_depth_00075.png 518.8579 +/kitchen_0049/rgb_00179.jpg /kitchen_0049/sync_depth_00179.png 518.8579 +/dining_room_0013/rgb_00118.jpg /dining_room_0013/sync_depth_00118.png 518.8579 +/playroom_0002/rgb_00060.jpg /playroom_0002/sync_depth_00060.png 518.8579 +/bookstore_0001g/rgb_00145.jpg /bookstore_0001g/sync_depth_00145.png 518.8579 +/bedroom_0130/rgb_00028.jpg /bedroom_0130/sync_depth_00028.png 518.8579 +/bedroom_0076a/rgb_00118.jpg /bedroom_0076a/sync_depth_00118.png 518.8579 +/bathroom_0051/rgb_00036.jpg /bathroom_0051/sync_depth_00036.png 518.8579 +/home_storage_0001/rgb_00060.jpg /home_storage_0001/sync_depth_00060.png 518.8579 +/furniture_store_0001d/rgb_00005.jpg /furniture_store_0001d/sync_depth_00005.png 518.8579 +/home_office_0011/rgb_00008.jpg /home_office_0011/sync_depth_00008.png 518.8579 +/living_room_0029/rgb_00042.jpg /living_room_0029/sync_depth_00042.png 518.8579 +/dining_room_0034/rgb_00096.jpg /dining_room_0034/sync_depth_00096.png 518.8579 +/living_room_0083/rgb_00033.jpg /living_room_0083/sync_depth_00033.png 518.8579 +/bookstore_0001j/rgb_00134.jpg /bookstore_0001j/sync_depth_00134.png 518.8579 +/living_room_0055/rgb_00120.jpg /living_room_0055/sync_depth_00120.png 518.8579 +/nyu_office_0/rgb_00311.jpg /nyu_office_0/sync_depth_00311.png 518.8579 +/bedroom_0052/rgb_00070.jpg /bedroom_0052/sync_depth_00070.png 518.8579 +/kitchen_0029b/rgb_00056.jpg /kitchen_0029b/sync_depth_00056.png 518.8579 +/bedroom_0021/rgb_00116.jpg /bedroom_0021/sync_depth_00116.png 518.8579 +/dining_room_0004/rgb_00004.jpg /dining_room_0004/sync_depth_00004.png 518.8579 +/bookstore_0001d/rgb_00321.jpg /bookstore_0001d/sync_depth_00321.png 518.8579 +/bedroom_0052/rgb_00086.jpg /bedroom_0052/sync_depth_00086.png 518.8579 +/bedroom_0072/rgb_00161.jpg /bedroom_0072/sync_depth_00161.png 518.8579 +/dining_room_0031/rgb_00355.jpg /dining_room_0031/sync_depth_00355.png 518.8579 +/dining_room_0012/rgb_00160.jpg /dining_room_0012/sync_depth_00160.png 518.8579 +/classroom_0006/rgb_00188.jpg /classroom_0006/sync_depth_00188.png 518.8579 +/bedroom_0034/rgb_00081.jpg /bedroom_0034/sync_depth_00081.png 518.8579 +/kitchen_0033/rgb_00180.jpg /kitchen_0033/sync_depth_00180.png 518.8579 +/kitchen_0035b/rgb_00220.jpg /kitchen_0035b/sync_depth_00220.png 518.8579 +/home_office_0008/rgb_00023.jpg /home_office_0008/sync_depth_00023.png 518.8579 +/living_room_0018/rgb_00103.jpg /living_room_0018/sync_depth_00103.png 518.8579 +/reception_room_0001b/rgb_00116.jpg /reception_room_0001b/sync_depth_00116.png 518.8579 +/bedroom_0076a/rgb_00158.jpg /bedroom_0076a/sync_depth_00158.png 518.8579 +/furniture_store_0002b/rgb_00055.jpg /furniture_store_0002b/sync_depth_00055.png 518.8579 +/bedroom_0136/rgb_00045.jpg /bedroom_0136/sync_depth_00045.png 518.8579 +/bedroom_0106/rgb_00051.jpg /bedroom_0106/sync_depth_00051.png 518.8579 +/bedroom_0113/rgb_00105.jpg /bedroom_0113/sync_depth_00105.png 518.8579 +/furniture_store_0002c/rgb_00010.jpg /furniture_store_0002c/sync_depth_00010.png 518.8579 +/student_lounge_0001/rgb_00042.jpg /student_lounge_0001/sync_depth_00042.png 518.8579 +/living_room_0062/rgb_00011.jpg /living_room_0062/sync_depth_00011.png 518.8579 +/living_room_0069b/rgb_00032.jpg /living_room_0069b/sync_depth_00032.png 518.8579 +/classroom_0022/rgb_00064.jpg /classroom_0022/sync_depth_00064.png 518.8579 +/living_room_0050/rgb_00230.jpg /living_room_0050/sync_depth_00230.png 518.8579 +/dining_room_0013/rgb_00116.jpg /dining_room_0013/sync_depth_00116.png 518.8579 +/classroom_0011/rgb_00030.jpg /classroom_0011/sync_depth_00030.png 518.8579 +/living_room_0040/rgb_00304.jpg /living_room_0040/sync_depth_00304.png 518.8579 +/bedroom_0138/rgb_00060.jpg /bedroom_0138/sync_depth_00060.png 518.8579 +/kitchen_0031/rgb_00061.jpg /kitchen_0031/sync_depth_00061.png 518.8579 +/bookstore_0001f/rgb_00450.jpg /bookstore_0001f/sync_depth_00450.png 518.8579 +/study_0008/rgb_00001.jpg /study_0008/sync_depth_00001.png 518.8579 +/living_room_0040/rgb_00196.jpg /living_room_0040/sync_depth_00196.png 518.8579 +/kitchen_0043/rgb_00052.jpg /kitchen_0043/sync_depth_00052.png 518.8579 +/bathroom_0006/rgb_00048.jpg /bathroom_0006/sync_depth_00048.png 518.8579 +/living_room_0085/rgb_00008.jpg /living_room_0085/sync_depth_00008.png 518.8579 +/living_room_0020/rgb_00000.jpg /living_room_0020/sync_depth_00000.png 518.8579 +/bedroom_0035/rgb_00018.jpg /bedroom_0035/sync_depth_00018.png 518.8579 +/bedroom_0140/rgb_00082.jpg /bedroom_0140/sync_depth_00082.png 518.8579 +/living_room_0004/rgb_00136.jpg /living_room_0004/sync_depth_00136.png 518.8579 +/bedroom_0080/rgb_00023.jpg /bedroom_0080/sync_depth_00023.png 518.8579 +/living_room_0067/rgb_00098.jpg /living_room_0067/sync_depth_00098.png 518.8579 +/bedroom_0033/rgb_00010.jpg /bedroom_0033/sync_depth_00010.png 518.8579 +/bedroom_0047/rgb_00005.jpg /bedroom_0047/sync_depth_00005.png 518.8579 +/classroom_0022/rgb_00101.jpg /classroom_0022/sync_depth_00101.png 518.8579 +/living_room_0062/rgb_00209.jpg /living_room_0062/sync_depth_00209.png 518.8579 +/bedroom_0069/rgb_00115.jpg /bedroom_0069/sync_depth_00115.png 518.8579 +/kitchen_0048/rgb_00061.jpg /kitchen_0048/sync_depth_00061.png 518.8579 +/kitchen_0003/rgb_00000.jpg /kitchen_0003/sync_depth_00000.png 518.8579 +/study_0008/rgb_00010.jpg /study_0008/sync_depth_00010.png 518.8579 +/classroom_0006/rgb_00100.jpg /classroom_0006/sync_depth_00100.png 518.8579 +/furniture_store_0001c/rgb_00031.jpg /furniture_store_0001c/sync_depth_00031.png 518.8579 +/dining_room_0019/rgb_00043.jpg /dining_room_0019/sync_depth_00043.png 518.8579 +/home_office_0005/rgb_00083.jpg /home_office_0005/sync_depth_00083.png 518.8579 +/bedroom_0004/rgb_00061.jpg /bedroom_0004/sync_depth_00061.png 518.8579 +/bedroom_0050/rgb_00120.jpg /bedroom_0050/sync_depth_00120.png 518.8579 +/bookstore_0001d/rgb_00323.jpg /bookstore_0001d/sync_depth_00323.png 518.8579 +/bedroom_0094/rgb_00036.jpg /bedroom_0094/sync_depth_00036.png 518.8579 +/dining_room_0008/rgb_00029.jpg /dining_room_0008/sync_depth_00029.png 518.8579 +/home_storage_0001/rgb_00092.jpg /home_storage_0001/sync_depth_00092.png 518.8579 +/living_room_0029/rgb_00062.jpg /living_room_0029/sync_depth_00062.png 518.8579 +/bedroom_0063/rgb_00099.jpg /bedroom_0063/sync_depth_00099.png 518.8579 +/furniture_store_0002d/rgb_00064.jpg /furniture_store_0002d/sync_depth_00064.png 518.8579 +/bedroom_0113/rgb_00053.jpg /bedroom_0113/sync_depth_00053.png 518.8579 +/dining_room_0029/rgb_00050.jpg /dining_room_0029/sync_depth_00050.png 518.8579 +/bookstore_0001i/rgb_00009.jpg /bookstore_0001i/sync_depth_00009.png 518.8579 +/dining_room_0016/rgb_00129.jpg /dining_room_0016/sync_depth_00129.png 518.8579 +/bedroom_0060/rgb_00023.jpg /bedroom_0060/sync_depth_00023.png 518.8579 +/dining_room_0004/rgb_00006.jpg /dining_room_0004/sync_depth_00006.png 518.8579 +/classroom_0016/rgb_00006.jpg /classroom_0016/sync_depth_00006.png 518.8579 +/bedroom_0016/rgb_00030.jpg /bedroom_0016/sync_depth_00030.png 518.8579 +/bathroom_0034/rgb_00032.jpg /bathroom_0034/sync_depth_00032.png 518.8579 +/bedroom_0012/rgb_00053.jpg /bedroom_0012/sync_depth_00053.png 518.8579 +/kitchen_0029c/rgb_00003.jpg /kitchen_0029c/sync_depth_00003.png 518.8579 +/bedroom_0059/rgb_00019.jpg /bedroom_0059/sync_depth_00019.png 518.8579 +/bedroom_0050/rgb_00030.jpg /bedroom_0050/sync_depth_00030.png 518.8579 +/bedroom_0071/rgb_00158.jpg /bedroom_0071/sync_depth_00158.png 518.8579 +/bedroom_0060/rgb_00028.jpg /bedroom_0060/sync_depth_00028.png 518.8579 +/living_room_0022/rgb_00020.jpg /living_room_0022/sync_depth_00020.png 518.8579 +/dining_room_0008/rgb_00103.jpg /dining_room_0008/sync_depth_00103.png 518.8579 +/bookstore_0001j/rgb_00130.jpg /bookstore_0001j/sync_depth_00130.png 518.8579 +/computer_lab_0002/rgb_00048.jpg /computer_lab_0002/sync_depth_00048.png 518.8579 +/living_room_0078/rgb_00015.jpg /living_room_0078/sync_depth_00015.png 518.8579 +/playroom_0004/rgb_00128.jpg /playroom_0004/sync_depth_00128.png 518.8579 +/kitchen_0019a/rgb_00198.jpg /kitchen_0019a/sync_depth_00198.png 518.8579 +/kitchen_0011a/rgb_00103.jpg /kitchen_0011a/sync_depth_00103.png 518.8579 +/kitchen_0045b/rgb_00013.jpg /kitchen_0045b/sync_depth_00013.png 518.8579 +/classroom_0004/rgb_00084.jpg /classroom_0004/sync_depth_00084.png 518.8579 +/bedroom_0010/rgb_00118.jpg /bedroom_0010/sync_depth_00118.png 518.8579 +/bedroom_0104/rgb_00093.jpg /bedroom_0104/sync_depth_00093.png 518.8579 +/bedroom_0140/rgb_00106.jpg /bedroom_0140/sync_depth_00106.png 518.8579 +/bookstore_0001d/rgb_00282.jpg /bookstore_0001d/sync_depth_00282.png 518.8579 +/dining_room_0001b/rgb_00016.jpg /dining_room_0001b/sync_depth_00016.png 518.8579 +/living_room_0040/rgb_00097.jpg /living_room_0040/sync_depth_00097.png 518.8579 +/bedroom_0026/rgb_00031.jpg /bedroom_0026/sync_depth_00031.png 518.8579 +/home_office_0008/rgb_00167.jpg /home_office_0008/sync_depth_00167.png 518.8579 +/nyu_office_0/rgb_00002.jpg /nyu_office_0/sync_depth_00002.png 518.8579 +/dining_room_0014/rgb_00102.jpg /dining_room_0014/sync_depth_00102.png 518.8579 +/living_room_0050/rgb_00145.jpg /living_room_0050/sync_depth_00145.png 518.8579 +/kitchen_0010/rgb_00015.jpg /kitchen_0010/sync_depth_00015.png 518.8579 +/office_0026/rgb_00094.jpg /office_0026/sync_depth_00094.png 518.8579 +/living_room_0067/rgb_00017.jpg /living_room_0067/sync_depth_00017.png 518.8579 +/dining_room_0024/rgb_00098.jpg /dining_room_0024/sync_depth_00098.png 518.8579 +/living_room_0019/rgb_00225.jpg /living_room_0019/sync_depth_00225.png 518.8579 +/kitchen_0029c/rgb_00172.jpg /kitchen_0029c/sync_depth_00172.png 518.8579 +/dining_room_0031/rgb_00275.jpg /dining_room_0031/sync_depth_00275.png 518.8579 +/dinette_0001/rgb_00095.jpg /dinette_0001/sync_depth_00095.png 518.8579 +/bedroom_0004/rgb_00019.jpg /bedroom_0004/sync_depth_00019.png 518.8579 +/kitchen_0019a/rgb_00265.jpg /kitchen_0019a/sync_depth_00265.png 518.8579 +/bedroom_0074/rgb_00100.jpg /bedroom_0074/sync_depth_00100.png 518.8579 +/bedroom_0069/rgb_00057.jpg /bedroom_0069/sync_depth_00057.png 518.8579 +/bathroom_0053/rgb_00042.jpg /bathroom_0053/sync_depth_00042.png 518.8579 +/living_room_0046a/rgb_00059.jpg /living_room_0046a/sync_depth_00059.png 518.8579 +/kitchen_0050/rgb_00019.jpg /kitchen_0050/sync_depth_00019.png 518.8579 +/bathroom_0050/rgb_00004.jpg /bathroom_0050/sync_depth_00004.png 518.8579 +/dining_room_0024/rgb_00089.jpg /dining_room_0024/sync_depth_00089.png 518.8579 +/bedroom_0019/rgb_00104.jpg /bedroom_0019/sync_depth_00104.png 518.8579 +/living_room_0086a/rgb_00008.jpg /living_room_0086a/sync_depth_00008.png 518.8579 +/bedroom_0086/rgb_00037.jpg /bedroom_0086/sync_depth_00037.png 518.8579 +/living_room_0050/rgb_00201.jpg /living_room_0050/sync_depth_00201.png 518.8579 +/dining_room_0023/rgb_00150.jpg /dining_room_0023/sync_depth_00150.png 518.8579 +/cafe_0001c/rgb_00030.jpg /cafe_0001c/sync_depth_00030.png 518.8579 +/bathroom_0011/rgb_00042.jpg /bathroom_0011/sync_depth_00042.png 518.8579 +/living_room_0022/rgb_00072.jpg /living_room_0022/sync_depth_00072.png 518.8579 +/dining_room_0015/rgb_00076.jpg /dining_room_0015/sync_depth_00076.png 518.8579 +/living_room_0058/rgb_00168.jpg /living_room_0058/sync_depth_00168.png 518.8579 +/dining_room_0015/rgb_00084.jpg /dining_room_0015/sync_depth_00084.png 518.8579 +/conference_room_0001/rgb_00034.jpg /conference_room_0001/sync_depth_00034.png 518.8579 +/dining_room_0013/rgb_00128.jpg /dining_room_0013/sync_depth_00128.png 518.8579 +/bedroom_0136/rgb_00006.jpg /bedroom_0136/sync_depth_00006.png 518.8579 +/bedroom_0113/rgb_00048.jpg /bedroom_0113/sync_depth_00048.png 518.8579 +/kitchen_0003/rgb_00070.jpg /kitchen_0003/sync_depth_00070.png 518.8579 +/bedroom_0071/rgb_00071.jpg /bedroom_0071/sync_depth_00071.png 518.8579 +/kitchen_0053/rgb_00133.jpg /kitchen_0053/sync_depth_00133.png 518.8579 +/living_room_0058/rgb_00228.jpg /living_room_0058/sync_depth_00228.png 518.8579 +/study_room_0004/rgb_00199.jpg /study_room_0004/sync_depth_00199.png 518.8579 +/kitchen_0043/rgb_00061.jpg /kitchen_0043/sync_depth_00061.png 518.8579 +/living_room_0062/rgb_00061.jpg /living_room_0062/sync_depth_00061.png 518.8579 +/bathroom_0030/rgb_00028.jpg /bathroom_0030/sync_depth_00028.png 518.8579 +/living_room_0047b/rgb_00046.jpg /living_room_0047b/sync_depth_00046.png 518.8579 +/excercise_room_0001/rgb_00013.jpg /excercise_room_0001/sync_depth_00013.png 518.8579 +/living_room_0033/rgb_00009.jpg /living_room_0033/sync_depth_00009.png 518.8579 +/living_room_0055/rgb_00049.jpg /living_room_0055/sync_depth_00049.png 518.8579 +/furniture_store_0001d/rgb_00038.jpg /furniture_store_0001d/sync_depth_00038.png 518.8579 +/kitchen_0019a/rgb_00195.jpg /kitchen_0019a/sync_depth_00195.png 518.8579 +/kitchen_0029c/rgb_00170.jpg /kitchen_0029c/sync_depth_00170.png 518.8579 +/living_room_0022/rgb_00097.jpg /living_room_0022/sync_depth_00097.png 518.8579 +/home_office_0013/rgb_00023.jpg /home_office_0013/sync_depth_00023.png 518.8579 +/bedroom_0129/rgb_00070.jpg /bedroom_0129/sync_depth_00070.png 518.8579 +/dining_room_0033/rgb_00000.jpg /dining_room_0033/sync_depth_00000.png 518.8579 +/furniture_store_0002d/rgb_00062.jpg /furniture_store_0002d/sync_depth_00062.png 518.8579 +/kitchen_0028a/rgb_00029.jpg /kitchen_0028a/sync_depth_00029.png 518.8579 +/kitchen_0045a/rgb_00001.jpg /kitchen_0045a/sync_depth_00001.png 518.8579 +/bookstore_0001d/rgb_00206.jpg /bookstore_0001d/sync_depth_00206.png 518.8579 +/playroom_0002/rgb_00015.jpg /playroom_0002/sync_depth_00015.png 518.8579 +/laundry_room_0001/rgb_00058.jpg /laundry_room_0001/sync_depth_00058.png 518.8579 +/bedroom_0063/rgb_00029.jpg /bedroom_0063/sync_depth_00029.png 518.8579 +/kitchen_0047/rgb_00075.jpg /kitchen_0047/sync_depth_00075.png 518.8579 +/home_storage_0001/rgb_00119.jpg /home_storage_0001/sync_depth_00119.png 518.8579 +/classroom_0006/rgb_00113.jpg /classroom_0006/sync_depth_00113.png 518.8579 +/bedroom_0078/rgb_00168.jpg /bedroom_0078/sync_depth_00168.png 518.8579 +/bedroom_0050/rgb_00138.jpg /bedroom_0050/sync_depth_00138.png 518.8579 +/bathroom_0001/rgb_00023.jpg /bathroom_0001/sync_depth_00023.png 518.8579 +/living_room_0058/rgb_00229.jpg /living_room_0058/sync_depth_00229.png 518.8579 +/living_room_0047b/rgb_00047.jpg /living_room_0047b/sync_depth_00047.png 518.8579 +/reception_room_0001b/rgb_00006.jpg /reception_room_0001b/sync_depth_00006.png 518.8579 +/study_room_0004/rgb_00188.jpg /study_room_0004/sync_depth_00188.png 518.8579 +/dining_room_0012/rgb_00094.jpg /dining_room_0012/sync_depth_00094.png 518.8579 +/bedroom_0140/rgb_00097.jpg /bedroom_0140/sync_depth_00097.png 518.8579 +/playroom_0002/rgb_00044.jpg /playroom_0002/sync_depth_00044.png 518.8579 +/bookstore_0001f/rgb_00436.jpg /bookstore_0001f/sync_depth_00436.png 518.8579 +/living_room_0058/rgb_00180.jpg /living_room_0058/sync_depth_00180.png 518.8579 +/dining_room_0019/rgb_00035.jpg /dining_room_0019/sync_depth_00035.png 518.8579 +/bedroom_0040/rgb_00083.jpg /bedroom_0040/sync_depth_00083.png 518.8579 +/kitchen_0043/rgb_00208.jpg /kitchen_0043/sync_depth_00208.png 518.8579 +/bedroom_0036/rgb_00003.jpg /bedroom_0036/sync_depth_00003.png 518.8579 +/bathroom_0014a/rgb_00005.jpg /bathroom_0014a/sync_depth_00005.png 518.8579 +/kitchen_0011a/rgb_00071.jpg /kitchen_0011a/sync_depth_00071.png 518.8579 +/kitchen_0051/rgb_00264.jpg /kitchen_0051/sync_depth_00264.png 518.8579 +/bookstore_0001h/rgb_00013.jpg /bookstore_0001h/sync_depth_00013.png 518.8579 +/bookstore_0001g/rgb_00050.jpg /bookstore_0001g/sync_depth_00050.png 518.8579 +/kitchen_0035b/rgb_00147.jpg /kitchen_0035b/sync_depth_00147.png 518.8579 +/nyu_office_0/rgb_00312.jpg /nyu_office_0/sync_depth_00312.png 518.8579 +/kitchen_0043/rgb_00244.jpg /kitchen_0043/sync_depth_00244.png 518.8579 +/dining_room_0031/rgb_00326.jpg /dining_room_0031/sync_depth_00326.png 518.8579 +/bedroom_0050/rgb_00074.jpg /bedroom_0050/sync_depth_00074.png 518.8579 +/playroom_0002/rgb_00073.jpg /playroom_0002/sync_depth_00073.png 518.8579 +/bookstore_0001f/rgb_00267.jpg /bookstore_0001f/sync_depth_00267.png 518.8579 +/bedroom_0140/rgb_00132.jpg /bedroom_0140/sync_depth_00132.png 518.8579 +/bedroom_0136/rgb_00080.jpg /bedroom_0136/sync_depth_00080.png 518.8579 +/bedroom_0067a/rgb_00035.jpg /bedroom_0067a/sync_depth_00035.png 518.8579 +/classroom_0016/rgb_00071.jpg /classroom_0016/sync_depth_00071.png 518.8579 +/dining_room_0019/rgb_00061.jpg /dining_room_0019/sync_depth_00061.png 518.8579 +/kitchen_0037/rgb_00079.jpg /kitchen_0037/sync_depth_00079.png 518.8579 +/bedroom_0051/rgb_00033.jpg /bedroom_0051/sync_depth_00033.png 518.8579 +/bedroom_0004/rgb_00007.jpg /bedroom_0004/sync_depth_00007.png 518.8579 +/bedroom_0033/rgb_00024.jpg /bedroom_0033/sync_depth_00024.png 518.8579 +/bedroom_0074/rgb_00108.jpg /bedroom_0074/sync_depth_00108.png 518.8579 +/living_room_0029/rgb_00052.jpg /living_room_0029/sync_depth_00052.png 518.8579 +/living_room_0050/rgb_00111.jpg /living_room_0050/sync_depth_00111.png 518.8579 +/living_room_0010/rgb_00215.jpg /living_room_0010/sync_depth_00215.png 518.8579 +/study_room_0004/rgb_00015.jpg /study_room_0004/sync_depth_00015.png 518.8579 +/furniture_store_0001e/rgb_00067.jpg /furniture_store_0001e/sync_depth_00067.png 518.8579 +/study_room_0005b/rgb_00074.jpg /study_room_0005b/sync_depth_00074.png 518.8579 +/office_kitchen_0001a/rgb_00081.jpg /office_kitchen_0001a/sync_depth_00081.png 518.8579 +/bedroom_0019/rgb_00146.jpg /bedroom_0019/sync_depth_00146.png 518.8579 +/cafe_0001a/rgb_00089.jpg /cafe_0001a/sync_depth_00089.png 518.8579 +/bedroom_0063/rgb_00131.jpg /bedroom_0063/sync_depth_00131.png 518.8579 +/bookstore_0001d/rgb_00100.jpg /bookstore_0001d/sync_depth_00100.png 518.8579 +/dining_room_0004/rgb_00016.jpg /dining_room_0004/sync_depth_00016.png 518.8579 +/living_room_0062/rgb_00144.jpg /living_room_0062/sync_depth_00144.png 518.8579 +/dining_room_0001b/rgb_00231.jpg /dining_room_0001b/sync_depth_00231.png 518.8579 +/dining_room_0012/rgb_00206.jpg /dining_room_0012/sync_depth_00206.png 518.8579 +/classroom_0010/rgb_00070.jpg /classroom_0010/sync_depth_00070.png 518.8579 +/bedroom_0098/rgb_00072.jpg /bedroom_0098/sync_depth_00072.png 518.8579 +/kitchen_0028a/rgb_00170.jpg /kitchen_0028a/sync_depth_00170.png 518.8579 +/bedroom_0010/rgb_00021.jpg /bedroom_0010/sync_depth_00021.png 518.8579 +/home_office_0007/rgb_00003.jpg /home_office_0007/sync_depth_00003.png 518.8579 +/living_room_0058/rgb_00269.jpg /living_room_0058/sync_depth_00269.png 518.8579 +/kitchen_0006/rgb_00074.jpg /kitchen_0006/sync_depth_00074.png 518.8579 +/bookstore_0001d/rgb_00172.jpg /bookstore_0001d/sync_depth_00172.png 518.8579 +/dining_room_0007/rgb_00005.jpg /dining_room_0007/sync_depth_00005.png 518.8579 +/home_office_0013/rgb_00000.jpg /home_office_0013/sync_depth_00000.png 518.8579 +/office_0006/rgb_00026.jpg /office_0006/sync_depth_00026.png 518.8579 +/kitchen_0035b/rgb_00207.jpg /kitchen_0035b/sync_depth_00207.png 518.8579 +/bookstore_0001e/rgb_00003.jpg /bookstore_0001e/sync_depth_00003.png 518.8579 +/bedroom_0076a/rgb_00101.jpg /bedroom_0076a/sync_depth_00101.png 518.8579 +/bedroom_0096/rgb_00017.jpg /bedroom_0096/sync_depth_00017.png 518.8579 +/bathroom_0014a/rgb_00030.jpg /bathroom_0014a/sync_depth_00030.png 518.8579 +/dining_room_0012/rgb_00212.jpg /dining_room_0012/sync_depth_00212.png 518.8579 +/cafe_0001c/rgb_00036.jpg /cafe_0001c/sync_depth_00036.png 518.8579 +/dining_room_0029/rgb_00056.jpg /dining_room_0029/sync_depth_00056.png 518.8579 +/living_room_0012/rgb_00006.jpg /living_room_0012/sync_depth_00006.png 518.8579 +/kitchen_0017/rgb_00033.jpg /kitchen_0017/sync_depth_00033.png 518.8579 +/kitchen_0019a/rgb_00039.jpg /kitchen_0019a/sync_depth_00039.png 518.8579 +/living_room_0078/rgb_00009.jpg /living_room_0078/sync_depth_00009.png 518.8579 +/playroom_0006/rgb_00063.jpg /playroom_0006/sync_depth_00063.png 518.8579 +/classroom_0006/rgb_00180.jpg /classroom_0006/sync_depth_00180.png 518.8579 +/kitchen_0045b/rgb_00064.jpg /kitchen_0045b/sync_depth_00064.png 518.8579 +/dining_room_0034/rgb_00050.jpg /dining_room_0034/sync_depth_00050.png 518.8579 +/dining_room_0028/rgb_00069.jpg /dining_room_0028/sync_depth_00069.png 518.8579 +/bookstore_0001f/rgb_00448.jpg /bookstore_0001f/sync_depth_00448.png 518.8579 +/kitchen_0051/rgb_00021.jpg /kitchen_0051/sync_depth_00021.png 518.8579 +/playroom_0003/rgb_00124.jpg /playroom_0003/sync_depth_00124.png 518.8579 +/living_room_0042b/rgb_00077.jpg /living_room_0042b/sync_depth_00077.png 518.8579 +/bathroom_0013/rgb_00068.jpg /bathroom_0013/sync_depth_00068.png 518.8579 +/living_room_0070/rgb_00057.jpg /living_room_0070/sync_depth_00057.png 518.8579 +/dining_room_0010/rgb_00011.jpg /dining_room_0010/sync_depth_00011.png 518.8579 +/bedroom_0071/rgb_00060.jpg /bedroom_0071/sync_depth_00060.png 518.8579 +/bedroom_0136/rgb_00090.jpg /bedroom_0136/sync_depth_00090.png 518.8579 +/bookstore_0001f/rgb_00415.jpg /bookstore_0001f/sync_depth_00415.png 518.8579 +/dining_room_0037/rgb_00006.jpg /dining_room_0037/sync_depth_00006.png 518.8579 +/living_room_0029/rgb_00081.jpg /living_room_0029/sync_depth_00081.png 518.8579 +/kitchen_0006/rgb_00007.jpg /kitchen_0006/sync_depth_00007.png 518.8579 +/bookstore_0001g/rgb_00053.jpg /bookstore_0001g/sync_depth_00053.png 518.8579 +/bookstore_0001g/rgb_00081.jpg /bookstore_0001g/sync_depth_00081.png 518.8579 +/bedroom_0104/rgb_00089.jpg /bedroom_0104/sync_depth_00089.png 518.8579 +/home_office_0005/rgb_00068.jpg /home_office_0005/sync_depth_00068.png 518.8579 +/bookstore_0001j/rgb_00202.jpg /bookstore_0001j/sync_depth_00202.png 518.8579 +/office_0026/rgb_00025.jpg /office_0026/sync_depth_00025.png 518.8579 +/kitchen_0047/rgb_00114.jpg /kitchen_0047/sync_depth_00114.png 518.8579 +/kitchen_0010/rgb_00133.jpg /kitchen_0010/sync_depth_00133.png 518.8579 +/living_room_0032/rgb_00028.jpg /living_room_0032/sync_depth_00028.png 518.8579 +/bedroom_0129/rgb_00058.jpg /bedroom_0129/sync_depth_00058.png 518.8579 +/kitchen_0047/rgb_00046.jpg /kitchen_0047/sync_depth_00046.png 518.8579 +/dining_room_0015/rgb_00020.jpg /dining_room_0015/sync_depth_00020.png 518.8579 +/dining_room_0024/rgb_00031.jpg /dining_room_0024/sync_depth_00031.png 518.8579 +/bookstore_0001f/rgb_00387.jpg /bookstore_0001f/sync_depth_00387.png 518.8579 +/bookstore_0001j/rgb_00240.jpg /bookstore_0001j/sync_depth_00240.png 518.8579 +/office_0003/rgb_00007.jpg /office_0003/sync_depth_00007.png 518.8579 +/bookstore_0001i/rgb_00117.jpg /bookstore_0001i/sync_depth_00117.png 518.8579 +/bedroom_0129/rgb_00004.jpg /bedroom_0129/sync_depth_00004.png 518.8579 +/furniture_store_0002b/rgb_00011.jpg /furniture_store_0002b/sync_depth_00011.png 518.8579 +/bedroom_0050/rgb_00072.jpg /bedroom_0050/sync_depth_00072.png 518.8579 +/dining_room_0029/rgb_00092.jpg /dining_room_0029/sync_depth_00092.png 518.8579 +/playroom_0003/rgb_00045.jpg /playroom_0003/sync_depth_00045.png 518.8579 +/bookstore_0001f/rgb_00286.jpg /bookstore_0001f/sync_depth_00286.png 518.8579 +/bedroom_0019/rgb_00124.jpg /bedroom_0019/sync_depth_00124.png 518.8579 +/bedroom_0132/rgb_00037.jpg /bedroom_0132/sync_depth_00037.png 518.8579 +/bookstore_0001j/rgb_00173.jpg /bookstore_0001j/sync_depth_00173.png 518.8579 +/bedroom_0098/rgb_00067.jpg /bedroom_0098/sync_depth_00067.png 518.8579 +/living_room_0050/rgb_00203.jpg /living_room_0050/sync_depth_00203.png 518.8579 +/dining_room_0031/rgb_00270.jpg /dining_room_0031/sync_depth_00270.png 518.8579 +/bedroom_0035/rgb_00006.jpg /bedroom_0035/sync_depth_00006.png 518.8579 +/furniture_store_0002a/rgb_00047.jpg /furniture_store_0002a/sync_depth_00047.png 518.8579 +/kitchen_0050/rgb_00054.jpg /kitchen_0050/sync_depth_00054.png 518.8579 +/bookstore_0001e/rgb_00140.jpg /bookstore_0001e/sync_depth_00140.png 518.8579 +/home_office_0005/rgb_00089.jpg /home_office_0005/sync_depth_00089.png 518.8579 +/dining_room_0034/rgb_00136.jpg /dining_room_0034/sync_depth_00136.png 518.8579 +/kitchen_0029c/rgb_00114.jpg /kitchen_0029c/sync_depth_00114.png 518.8579 +/bedroom_0051/rgb_00173.jpg /bedroom_0051/sync_depth_00173.png 518.8579 +/reception_room_0001b/rgb_00030.jpg /reception_room_0001b/sync_depth_00030.png 518.8579 +/bedroom_0136/rgb_00096.jpg /bedroom_0136/sync_depth_00096.png 518.8579 +/kitchen_0033/rgb_00000.jpg /kitchen_0033/sync_depth_00000.png 518.8579 +/office_0026/rgb_00078.jpg /office_0026/sync_depth_00078.png 518.8579 +/bedroom_0136/rgb_00025.jpg /bedroom_0136/sync_depth_00025.png 518.8579 +/living_room_0019/rgb_00105.jpg /living_room_0019/sync_depth_00105.png 518.8579 +/kitchen_0060/rgb_00049.jpg /kitchen_0060/sync_depth_00049.png 518.8579 +/furniture_store_0002b/rgb_00183.jpg /furniture_store_0002b/sync_depth_00183.png 518.8579 +/bedroom_0140/rgb_00021.jpg /bedroom_0140/sync_depth_00021.png 518.8579 +/home_storage_0001/rgb_00122.jpg /home_storage_0001/sync_depth_00122.png 518.8579 +/office_kitchen_0001a/rgb_00047.jpg /office_kitchen_0001a/sync_depth_00047.png 518.8579 +/living_room_0022/rgb_00287.jpg /living_room_0022/sync_depth_00287.png 518.8579 +/bedroom_0072/rgb_00148.jpg /bedroom_0072/sync_depth_00148.png 518.8579 +/basement_0001b/rgb_00022.jpg /basement_0001b/sync_depth_00022.png 518.8579 +/dining_room_0024/rgb_00128.jpg /dining_room_0024/sync_depth_00128.png 518.8579 +/bedroom_0040/rgb_00002.jpg /bedroom_0040/sync_depth_00002.png 518.8579 +/bedroom_0062/rgb_00142.jpg /bedroom_0062/sync_depth_00142.png 518.8579 +/bookstore_0001f/rgb_00422.jpg /bookstore_0001f/sync_depth_00422.png 518.8579 +/bedroom_0053/rgb_00022.jpg /bedroom_0053/sync_depth_00022.png 518.8579 +/bedroom_0129/rgb_00010.jpg /bedroom_0129/sync_depth_00010.png 518.8579 +/living_room_0083/rgb_00000.jpg /living_room_0083/sync_depth_00000.png 518.8579 +/living_room_0070/rgb_00077.jpg /living_room_0070/sync_depth_00077.png 518.8579 +/computer_lab_0002/rgb_00006.jpg /computer_lab_0002/sync_depth_00006.png 518.8579 +/bedroom_0050/rgb_00195.jpg /bedroom_0050/sync_depth_00195.png 518.8579 +/dining_room_0023/rgb_00141.jpg /dining_room_0023/sync_depth_00141.png 518.8579 +/dining_room_0015/rgb_00022.jpg /dining_room_0015/sync_depth_00022.png 518.8579 +/kitchen_0052/rgb_00144.jpg /kitchen_0052/sync_depth_00144.png 518.8579 +/furniture_store_0002a/rgb_00150.jpg /furniture_store_0002a/sync_depth_00150.png 518.8579 +/bedroom_0050/rgb_00104.jpg /bedroom_0050/sync_depth_00104.png 518.8579 +/kitchen_0019a/rgb_00076.jpg /kitchen_0019a/sync_depth_00076.png 518.8579 +/bookstore_0001g/rgb_00223.jpg /bookstore_0001g/sync_depth_00223.png 518.8579 +/dining_room_0013/rgb_00049.jpg /dining_room_0013/sync_depth_00049.png 518.8579 +/study_0006/rgb_00024.jpg /study_0006/sync_depth_00024.png 518.8579 +/bathroom_0019/rgb_00042.jpg /bathroom_0019/sync_depth_00042.png 518.8579 +/playroom_0006/rgb_00104.jpg /playroom_0006/sync_depth_00104.png 518.8579 +/bookstore_0001e/rgb_00151.jpg /bookstore_0001e/sync_depth_00151.png 518.8579 +/study_0008/rgb_00003.jpg /study_0008/sync_depth_00003.png 518.8579 +/bedroom_0069/rgb_00092.jpg /bedroom_0069/sync_depth_00092.png 518.8579 +/living_room_0063/rgb_00075.jpg /living_room_0063/sync_depth_00075.png 518.8579 +/bathroom_0016/rgb_00035.jpg /bathroom_0016/sync_depth_00035.png 518.8579 +/dining_room_0034/rgb_00207.jpg /dining_room_0034/sync_depth_00207.png 518.8579 +/furniture_store_0002c/rgb_00061.jpg /furniture_store_0002c/sync_depth_00061.png 518.8579 +/dinette_0001/rgb_00105.jpg /dinette_0001/sync_depth_00105.png 518.8579 +/bedroom_0052/rgb_00109.jpg /bedroom_0052/sync_depth_00109.png 518.8579 +/dining_room_0016/rgb_00125.jpg /dining_room_0016/sync_depth_00125.png 518.8579 +/bedroom_0125b/rgb_00016.jpg /bedroom_0125b/sync_depth_00016.png 518.8579 +/furniture_store_0001d/rgb_00282.jpg /furniture_store_0001d/sync_depth_00282.png 518.8579 +/kitchen_0045b/rgb_00003.jpg /kitchen_0045b/sync_depth_00003.png 518.8579 +/bedroom_0113/rgb_00037.jpg /bedroom_0113/sync_depth_00037.png 518.8579 +/bathroom_0011/rgb_00030.jpg /bathroom_0011/sync_depth_00030.png 518.8579 +/kitchen_0050/rgb_00167.jpg /kitchen_0050/sync_depth_00167.png 518.8579 +/bedroom_0136/rgb_00161.jpg /bedroom_0136/sync_depth_00161.png 518.8579 +/office_kitchen_0003/rgb_00084.jpg /office_kitchen_0003/sync_depth_00084.png 518.8579 +/home_office_0008/rgb_00131.jpg /home_office_0008/sync_depth_00131.png 518.8579 +/bedroom_0113/rgb_00104.jpg /bedroom_0113/sync_depth_00104.png 518.8579 +/living_room_0062/rgb_00087.jpg /living_room_0062/sync_depth_00087.png 518.8579 +/basement_0001a/rgb_00093.jpg /basement_0001a/sync_depth_00093.png 518.8579 +/cafe_0001c/rgb_00024.jpg /cafe_0001c/sync_depth_00024.png 518.8579 +/living_room_0039/rgb_00118.jpg /living_room_0039/sync_depth_00118.png 518.8579 +/living_room_0078/rgb_00127.jpg /living_room_0078/sync_depth_00127.png 518.8579 +/living_room_0058/rgb_00017.jpg /living_room_0058/sync_depth_00017.png 518.8579 +/bathroom_0016/rgb_00008.jpg /bathroom_0016/sync_depth_00008.png 518.8579 +/living_room_0047b/rgb_00107.jpg /living_room_0047b/sync_depth_00107.png 518.8579 +/dining_room_0001b/rgb_00133.jpg /dining_room_0001b/sync_depth_00133.png 518.8579 +/bedroom_0140/rgb_00071.jpg /bedroom_0140/sync_depth_00071.png 518.8579 +/furniture_store_0002c/rgb_00048.jpg /furniture_store_0002c/sync_depth_00048.png 518.8579 +/kitchen_0028a/rgb_00143.jpg /kitchen_0028a/sync_depth_00143.png 518.8579 +/bedroom_0136/rgb_00109.jpg /bedroom_0136/sync_depth_00109.png 518.8579 +/kitchen_0003/rgb_00113.jpg /kitchen_0003/sync_depth_00113.png 518.8579 +/living_room_0069a/rgb_00017.jpg /living_room_0069a/sync_depth_00017.png 518.8579 +/furniture_store_0002a/rgb_00318.jpg /furniture_store_0002a/sync_depth_00318.png 518.8579 +/bedroom_0126/rgb_00040.jpg /bedroom_0126/sync_depth_00040.png 518.8579 +/dining_room_0013/rgb_00089.jpg /dining_room_0013/sync_depth_00089.png 518.8579 +/kitchen_0035b/rgb_00082.jpg /kitchen_0035b/sync_depth_00082.png 518.8579 +/kitchen_0035a/rgb_00005.jpg /kitchen_0035a/sync_depth_00005.png 518.8579 +/bedroom_0076a/rgb_00033.jpg /bedroom_0076a/sync_depth_00033.png 518.8579 +/bathroom_0019/rgb_00079.jpg /bathroom_0019/sync_depth_00079.png 518.8579 +/living_room_0050/rgb_00006.jpg /living_room_0050/sync_depth_00006.png 518.8579 +/bedroom_0053/rgb_00002.jpg /bedroom_0053/sync_depth_00002.png 518.8579 +/living_room_0062/rgb_00078.jpg /living_room_0062/sync_depth_00078.png 518.8579 +/living_room_0022/rgb_00053.jpg /living_room_0022/sync_depth_00053.png 518.8579 +/bookstore_0001f/rgb_00489.jpg /bookstore_0001f/sync_depth_00489.png 518.8579 +/bedroom_0080/rgb_00007.jpg /bedroom_0080/sync_depth_00007.png 518.8579 +/bedroom_0029/rgb_00037.jpg /bedroom_0029/sync_depth_00037.png 518.8579 +/bedroom_0033/rgb_00163.jpg /bedroom_0033/sync_depth_00163.png 518.8579 +/kitchen_0035b/rgb_00081.jpg /kitchen_0035b/sync_depth_00081.png 518.8579 +/bedroom_0098/rgb_00005.jpg /bedroom_0098/sync_depth_00005.png 518.8579 +/student_lounge_0001/rgb_00167.jpg /student_lounge_0001/sync_depth_00167.png 518.8579 +/bookstore_0001f/rgb_00219.jpg /bookstore_0001f/sync_depth_00219.png 518.8579 +/bedroom_0106/rgb_00080.jpg /bedroom_0106/sync_depth_00080.png 518.8579 +/classroom_0006/rgb_00045.jpg /classroom_0006/sync_depth_00045.png 518.8579 +/office_kitchen_0001b/rgb_00044.jpg /office_kitchen_0001b/sync_depth_00044.png 518.8579 +/bathroom_0034/rgb_00071.jpg /bathroom_0034/sync_depth_00071.png 518.8579 +/bedroom_0098/rgb_00073.jpg /bedroom_0098/sync_depth_00073.png 518.8579 +/furniture_store_0002c/rgb_00022.jpg /furniture_store_0002c/sync_depth_00022.png 518.8579 +/bedroom_0086/rgb_00072.jpg /bedroom_0086/sync_depth_00072.png 518.8579 +/office_0024/rgb_00015.jpg /office_0024/sync_depth_00015.png 518.8579 +/nyu_office_0/rgb_00279.jpg /nyu_office_0/sync_depth_00279.png 518.8579 +/dining_room_0013/rgb_00074.jpg /dining_room_0013/sync_depth_00074.png 518.8579 +/kitchen_0019a/rgb_00207.jpg /kitchen_0019a/sync_depth_00207.png 518.8579 +/living_room_0018/rgb_00060.jpg /living_room_0018/sync_depth_00060.png 518.8579 +/kitchen_0048/rgb_00055.jpg /kitchen_0048/sync_depth_00055.png 518.8579 +/living_room_0033/rgb_00008.jpg /living_room_0033/sync_depth_00008.png 518.8579 +/bedroom_0025/rgb_00128.jpg /bedroom_0025/sync_depth_00128.png 518.8579 +/classroom_0003/rgb_00099.jpg /classroom_0003/sync_depth_00099.png 518.8579 +/bedroom_0004/rgb_00133.jpg /bedroom_0004/sync_depth_00133.png 518.8579 +/bedroom_0021/rgb_00040.jpg /bedroom_0021/sync_depth_00040.png 518.8579 +/conference_room_0001/rgb_00085.jpg /conference_room_0001/sync_depth_00085.png 518.8579 +/bedroom_0021/rgb_00066.jpg /bedroom_0021/sync_depth_00066.png 518.8579 +/bedroom_0080/rgb_00019.jpg /bedroom_0080/sync_depth_00019.png 518.8579 +/living_room_0011/rgb_00022.jpg /living_room_0011/sync_depth_00022.png 518.8579 +/classroom_0022/rgb_00028.jpg /classroom_0022/sync_depth_00028.png 518.8579 +/nyu_office_0/rgb_00350.jpg /nyu_office_0/sync_depth_00350.png 518.8579 +/office_0012/rgb_00036.jpg /office_0012/sync_depth_00036.png 518.8579 +/bedroom_0076a/rgb_00169.jpg /bedroom_0076a/sync_depth_00169.png 518.8579 +/dining_room_0031/rgb_00257.jpg /dining_room_0031/sync_depth_00257.png 518.8579 +/kitchen_0035b/rgb_00232.jpg /kitchen_0035b/sync_depth_00232.png 518.8579 +/living_room_0058/rgb_00277.jpg /living_room_0058/sync_depth_00277.png 518.8579 +/living_room_0047a/rgb_00004.jpg /living_room_0047a/sync_depth_00004.png 518.8579 +/living_room_0038/rgb_00027.jpg /living_room_0038/sync_depth_00027.png 518.8579 +/classroom_0022/rgb_00061.jpg /classroom_0022/sync_depth_00061.png 518.8579 +/dining_room_0001b/rgb_00152.jpg /dining_room_0001b/sync_depth_00152.png 518.8579 +/kitchen_0033/rgb_00093.jpg /kitchen_0033/sync_depth_00093.png 518.8579 +/dining_room_0031/rgb_00396.jpg /dining_room_0031/sync_depth_00396.png 518.8579 +/bedroom_0010/rgb_00081.jpg /bedroom_0010/sync_depth_00081.png 518.8579 +/kitchen_0051/rgb_00201.jpg /kitchen_0051/sync_depth_00201.png 518.8579 +/bedroom_0065/rgb_00002.jpg /bedroom_0065/sync_depth_00002.png 518.8579 +/bedroom_0066/rgb_00060.jpg /bedroom_0066/sync_depth_00060.png 518.8579 +/bookstore_0001h/rgb_00103.jpg /bookstore_0001h/sync_depth_00103.png 518.8579 +/classroom_0016/rgb_00056.jpg /classroom_0016/sync_depth_00056.png 518.8579 +/bookstore_0001h/rgb_00001.jpg /bookstore_0001h/sync_depth_00001.png 518.8579 +/dining_room_0008/rgb_00138.jpg /dining_room_0008/sync_depth_00138.png 518.8579 +/study_room_0004/rgb_00194.jpg /study_room_0004/sync_depth_00194.png 518.8579 +/study_0004/rgb_00070.jpg /study_0004/sync_depth_00070.png 518.8579 +/kitchen_0037/rgb_00078.jpg /kitchen_0037/sync_depth_00078.png 518.8579 +/home_storage_0001/rgb_00069.jpg /home_storage_0001/sync_depth_00069.png 518.8579 +/bedroom_0079/rgb_00004.jpg /bedroom_0079/sync_depth_00004.png 518.8579 +/home_office_0013/rgb_00055.jpg /home_office_0013/sync_depth_00055.png 518.8579 +/bathroom_0016/rgb_00017.jpg /bathroom_0016/sync_depth_00017.png 518.8579 +/bedroom_0015/rgb_00067.jpg /bedroom_0015/sync_depth_00067.png 518.8579 +/bedroom_0074/rgb_00043.jpg /bedroom_0074/sync_depth_00043.png 518.8579 +/bedroom_0071/rgb_00059.jpg /bedroom_0071/sync_depth_00059.png 518.8579 +/kitchen_0017/rgb_00082.jpg /kitchen_0017/sync_depth_00082.png 518.8579 +/dining_room_0008/rgb_00097.jpg /dining_room_0008/sync_depth_00097.png 518.8579 +/dining_room_0014/rgb_00036.jpg /dining_room_0014/sync_depth_00036.png 518.8579 +/living_room_0058/rgb_00263.jpg /living_room_0058/sync_depth_00263.png 518.8579 +/living_room_0005/rgb_00065.jpg /living_room_0005/sync_depth_00065.png 518.8579 +/bathroom_0048/rgb_00048.jpg /bathroom_0048/sync_depth_00048.png 518.8579 +/living_room_0004/rgb_00104.jpg /living_room_0004/sync_depth_00104.png 518.8579 +/bedroom_0025/rgb_00077.jpg /bedroom_0025/sync_depth_00077.png 518.8579 +/bedroom_0130/rgb_00043.jpg /bedroom_0130/sync_depth_00043.png 518.8579 +/dining_room_0029/rgb_00096.jpg /dining_room_0029/sync_depth_00096.png 518.8579 +/dining_room_0016/rgb_00080.jpg /dining_room_0016/sync_depth_00080.png 518.8579 +/playroom_0004/rgb_00029.jpg /playroom_0004/sync_depth_00029.png 518.8579 +/bookstore_0001h/rgb_00061.jpg /bookstore_0001h/sync_depth_00061.png 518.8579 +/kitchen_0035b/rgb_00179.jpg /kitchen_0035b/sync_depth_00179.png 518.8579 +/classroom_0006/rgb_00135.jpg /classroom_0006/sync_depth_00135.png 518.8579 +/bedroom_0047/rgb_00040.jpg /bedroom_0047/sync_depth_00040.png 518.8579 +/student_lounge_0001/rgb_00017.jpg /student_lounge_0001/sync_depth_00017.png 518.8579 +/kitchen_0010/rgb_00086.jpg /kitchen_0010/sync_depth_00086.png 518.8579 +/bedroom_0034/rgb_00088.jpg /bedroom_0034/sync_depth_00088.png 518.8579 +/bathroom_0024/rgb_00036.jpg /bathroom_0024/sync_depth_00036.png 518.8579 +/living_room_0046a/rgb_00018.jpg /living_room_0046a/sync_depth_00018.png 518.8579 +/bedroom_0016/rgb_00209.jpg /bedroom_0016/sync_depth_00209.png 518.8579 +/classroom_0016/rgb_00057.jpg /classroom_0016/sync_depth_00057.png 518.8579 +/kitchen_0049/rgb_00060.jpg /kitchen_0049/sync_depth_00060.png 518.8579 +/dining_room_0014/rgb_00008.jpg /dining_room_0014/sync_depth_00008.png 518.8579 +/kitchen_0045a/rgb_00072.jpg /kitchen_0045a/sync_depth_00072.png 518.8579 +/bedroom_0021/rgb_00009.jpg /bedroom_0021/sync_depth_00009.png 518.8579 +/study_room_0004/rgb_00081.jpg /study_room_0004/sync_depth_00081.png 518.8579 +/indoor_balcony_0001/rgb_00020.jpg /indoor_balcony_0001/sync_depth_00020.png 518.8579 +/bedroom_0071/rgb_00142.jpg /bedroom_0071/sync_depth_00142.png 518.8579 +/living_room_0012/rgb_00132.jpg /living_room_0012/sync_depth_00132.png 518.8579 +/bedroom_0074/rgb_00025.jpg /bedroom_0074/sync_depth_00025.png 518.8579 +/living_room_0019/rgb_00091.jpg /living_room_0019/sync_depth_00091.png 518.8579 +/living_room_0050/rgb_00257.jpg /living_room_0050/sync_depth_00257.png 518.8579 +/bedroom_0004/rgb_00193.jpg /bedroom_0004/sync_depth_00193.png 518.8579 +/bathroom_0055/rgb_00030.jpg /bathroom_0055/sync_depth_00030.png 518.8579 +/indoor_balcony_0001/rgb_00006.jpg /indoor_balcony_0001/sync_depth_00006.png 518.8579 +/living_room_0020/rgb_00226.jpg /living_room_0020/sync_depth_00226.png 518.8579 +/living_room_0050/rgb_00246.jpg /living_room_0050/sync_depth_00246.png 518.8579 +/bedroom_0017/rgb_00116.jpg /bedroom_0017/sync_depth_00116.png 518.8579 +/kitchen_0048/rgb_00086.jpg /kitchen_0048/sync_depth_00086.png 518.8579 +/living_room_0022/rgb_00408.jpg /living_room_0022/sync_depth_00408.png 518.8579 +/conference_room_0001/rgb_00021.jpg /conference_room_0001/sync_depth_00021.png 518.8579 +/bookstore_0001d/rgb_00001.jpg /bookstore_0001d/sync_depth_00001.png 518.8579 +/bathroom_0049/rgb_00016.jpg /bathroom_0049/sync_depth_00016.png 518.8579 +/furniture_store_0002a/rgb_00337.jpg /furniture_store_0002a/sync_depth_00337.png 518.8579 +/home_office_0013/rgb_00052.jpg /home_office_0013/sync_depth_00052.png 518.8579 +/bathroom_0024/rgb_00058.jpg /bathroom_0024/sync_depth_00058.png 518.8579 +/bookstore_0001j/rgb_00253.jpg /bookstore_0001j/sync_depth_00253.png 518.8579 +/kitchen_0052/rgb_00014.jpg /kitchen_0052/sync_depth_00014.png 518.8579 +/living_room_0078/rgb_00107.jpg /living_room_0078/sync_depth_00107.png 518.8579 +/kitchen_0017/rgb_00104.jpg /kitchen_0017/sync_depth_00104.png 518.8579 +/bathroom_0035/rgb_00033.jpg /bathroom_0035/sync_depth_00033.png 518.8579 +/dining_room_0012/rgb_00079.jpg /dining_room_0012/sync_depth_00079.png 518.8579 +/dining_room_0029/rgb_00102.jpg /dining_room_0029/sync_depth_00102.png 518.8579 +/dining_room_0007/rgb_00197.jpg /dining_room_0007/sync_depth_00197.png 518.8579 +/home_office_0011/rgb_00022.jpg /home_office_0011/sync_depth_00022.png 518.8579 +/bookstore_0001d/rgb_00350.jpg /bookstore_0001d/sync_depth_00350.png 518.8579 +/dining_room_0004/rgb_00095.jpg /dining_room_0004/sync_depth_00095.png 518.8579 +/living_room_0022/rgb_00308.jpg /living_room_0022/sync_depth_00308.png 518.8579 +/study_room_0004/rgb_00098.jpg /study_room_0004/sync_depth_00098.png 518.8579 +/kitchen_0053/rgb_00212.jpg /kitchen_0053/sync_depth_00212.png 518.8579 +/kitchen_0037/rgb_00107.jpg /kitchen_0037/sync_depth_00107.png 518.8579 +/kitchen_0033/rgb_00131.jpg /kitchen_0033/sync_depth_00131.png 518.8579 +/kitchen_0035a/rgb_00055.jpg /kitchen_0035a/sync_depth_00055.png 518.8579 +/bathroom_0011/rgb_00004.jpg /bathroom_0011/sync_depth_00004.png 518.8579 +/home_office_0004/rgb_00128.jpg /home_office_0004/sync_depth_00128.png 518.8579 +/living_room_0004/rgb_00089.jpg /living_room_0004/sync_depth_00089.png 518.8579 +/dining_room_0034/rgb_00083.jpg /dining_room_0034/sync_depth_00083.png 518.8579 +/kitchen_0050/rgb_00033.jpg /kitchen_0050/sync_depth_00033.png 518.8579 +/living_room_0005/rgb_00062.jpg /living_room_0005/sync_depth_00062.png 518.8579 +/kitchen_0031/rgb_00173.jpg /kitchen_0031/sync_depth_00173.png 518.8579 +/dining_room_0034/rgb_00012.jpg /dining_room_0034/sync_depth_00012.png 518.8579 +/kitchen_0019a/rgb_00284.jpg /kitchen_0019a/sync_depth_00284.png 518.8579 +/living_room_0058/rgb_00011.jpg /living_room_0058/sync_depth_00011.png 518.8579 +/dining_room_0015/rgb_00185.jpg /dining_room_0015/sync_depth_00185.png 518.8579 +/living_room_0062/rgb_00151.jpg /living_room_0062/sync_depth_00151.png 518.8579 +/bathroom_0039/rgb_00045.jpg /bathroom_0039/sync_depth_00045.png 518.8579 +/dining_room_0010/rgb_00028.jpg /dining_room_0010/sync_depth_00028.png 518.8579 +/bathroom_0039/rgb_00015.jpg /bathroom_0039/sync_depth_00015.png 518.8579 +/dining_room_0007/rgb_00162.jpg /dining_room_0007/sync_depth_00162.png 518.8579 +/bathroom_0049/rgb_00037.jpg /bathroom_0049/sync_depth_00037.png 518.8579 +/bedroom_0106/rgb_00110.jpg /bedroom_0106/sync_depth_00110.png 518.8579 +/bedroom_0010/rgb_00002.jpg /bedroom_0010/sync_depth_00002.png 518.8579 +/office_0011/rgb_00088.jpg /office_0011/sync_depth_00088.png 518.8579 +/bedroom_0017/rgb_00094.jpg /bedroom_0017/sync_depth_00094.png 518.8579 +/furniture_store_0002b/rgb_00192.jpg /furniture_store_0002b/sync_depth_00192.png 518.8579 +/office_0004/rgb_00067.jpg /office_0004/sync_depth_00067.png 518.8579 +/bedroom_0016/rgb_00139.jpg /bedroom_0016/sync_depth_00139.png 518.8579 +/playroom_0004/rgb_00074.jpg /playroom_0004/sync_depth_00074.png 518.8579 +/playroom_0004/rgb_00049.jpg /playroom_0004/sync_depth_00049.png 518.8579 +/classroom_0003/rgb_00074.jpg /classroom_0003/sync_depth_00074.png 518.8579 +/living_room_0012/rgb_00152.jpg /living_room_0012/sync_depth_00152.png 518.8579 +/bedroom_0069/rgb_00124.jpg /bedroom_0069/sync_depth_00124.png 518.8579 +/classroom_0016/rgb_00009.jpg /classroom_0016/sync_depth_00009.png 518.8579 +/dining_room_0031/rgb_00250.jpg /dining_room_0031/sync_depth_00250.png 518.8579 +/bedroom_0010/rgb_00122.jpg /bedroom_0010/sync_depth_00122.png 518.8579 +/living_room_0022/rgb_00157.jpg /living_room_0022/sync_depth_00157.png 518.8579 +/bedroom_0021/rgb_00048.jpg /bedroom_0021/sync_depth_00048.png 518.8579 +/bedroom_0063/rgb_00149.jpg /bedroom_0063/sync_depth_00149.png 518.8579 +/bedroom_0076a/rgb_00051.jpg /bedroom_0076a/sync_depth_00051.png 518.8579 +/dining_room_0023/rgb_00163.jpg /dining_room_0023/sync_depth_00163.png 518.8579 +/living_room_0062/rgb_00020.jpg /living_room_0062/sync_depth_00020.png 518.8579 +/living_room_0020/rgb_00106.jpg /living_room_0020/sync_depth_00106.png 518.8579 +/living_room_0012/rgb_00036.jpg /living_room_0012/sync_depth_00036.png 518.8579 +/bedroom_0129/rgb_00016.jpg /bedroom_0129/sync_depth_00016.png 518.8579 +/kitchen_0029a/rgb_00036.jpg /kitchen_0029a/sync_depth_00036.png 518.8579 +/office_0021/rgb_00021.jpg /office_0021/sync_depth_00021.png 518.8579 +/living_room_0058/rgb_00270.jpg /living_room_0058/sync_depth_00270.png 518.8579 +/bookstore_0001f/rgb_00191.jpg /bookstore_0001f/sync_depth_00191.png 518.8579 +/office_0026/rgb_00100.jpg /office_0026/sync_depth_00100.png 518.8579 +/kitchen_0016/rgb_00012.jpg /kitchen_0016/sync_depth_00012.png 518.8579 +/kitchen_0048/rgb_00095.jpg /kitchen_0048/sync_depth_00095.png 518.8579 +/bedroom_0052/rgb_00064.jpg /bedroom_0052/sync_depth_00064.png 518.8579 +/dining_room_0015/rgb_00025.jpg /dining_room_0015/sync_depth_00025.png 518.8579 +/living_room_0082/rgb_00066.jpg /living_room_0082/sync_depth_00066.png 518.8579 +/dining_room_0004/rgb_00111.jpg /dining_room_0004/sync_depth_00111.png 518.8579 +/living_room_0040/rgb_00174.jpg /living_room_0040/sync_depth_00174.png 518.8579 +/kitchen_0048/rgb_00092.jpg /kitchen_0048/sync_depth_00092.png 518.8579 +/bedroom_0086/rgb_00049.jpg /bedroom_0086/sync_depth_00049.png 518.8579 +/computer_lab_0002/rgb_00025.jpg /computer_lab_0002/sync_depth_00025.png 518.8579 +/dining_room_0034/rgb_00061.jpg /dining_room_0034/sync_depth_00061.png 518.8579 +/dining_room_0013/rgb_00023.jpg /dining_room_0013/sync_depth_00023.png 518.8579 +/furniture_store_0002a/rgb_00405.jpg /furniture_store_0002a/sync_depth_00405.png 518.8579 +/bedroom_0026/rgb_00028.jpg /bedroom_0026/sync_depth_00028.png 518.8579 +/bedroom_0069/rgb_00029.jpg /bedroom_0069/sync_depth_00029.png 518.8579 +/bedroom_0040/rgb_00077.jpg /bedroom_0040/sync_depth_00077.png 518.8579 +/bookstore_0001g/rgb_00040.jpg /bookstore_0001g/sync_depth_00040.png 518.8579 +/kitchen_0035b/rgb_00035.jpg /kitchen_0035b/sync_depth_00035.png 518.8579 +/bathroom_0049/rgb_00006.jpg /bathroom_0049/sync_depth_00006.png 518.8579 +/dining_room_0037/rgb_00151.jpg /dining_room_0037/sync_depth_00151.png 518.8579 +/bathroom_0028/rgb_00012.jpg /bathroom_0028/sync_depth_00012.png 518.8579 +/bathroom_0045a/rgb_00024.jpg /bathroom_0045a/sync_depth_00024.png 518.8579 +/kitchen_0019a/rgb_00034.jpg /kitchen_0019a/sync_depth_00034.png 518.8579 +/kitchen_0048/rgb_00121.jpg /kitchen_0048/sync_depth_00121.png 518.8579 +/living_room_0042b/rgb_00018.jpg /living_room_0042b/sync_depth_00018.png 518.8579 +/dining_room_0015/rgb_00102.jpg /dining_room_0015/sync_depth_00102.png 518.8579 +/living_room_0046b/rgb_00026.jpg /living_room_0046b/sync_depth_00026.png 518.8579 +/playroom_0006/rgb_00045.jpg /playroom_0006/sync_depth_00045.png 518.8579 +/kitchen_0010/rgb_00045.jpg /kitchen_0010/sync_depth_00045.png 518.8579 +/living_room_0039/rgb_00053.jpg /living_room_0039/sync_depth_00053.png 518.8579 +/living_room_0018/rgb_00039.jpg /living_room_0018/sync_depth_00039.png 518.8579 +/living_room_0040/rgb_00332.jpg /living_room_0040/sync_depth_00332.png 518.8579 +/classroom_0006/rgb_00091.jpg /classroom_0006/sync_depth_00091.png 518.8579 +/playroom_0002/rgb_00148.jpg /playroom_0002/sync_depth_00148.png 518.8579 +/dining_room_0013/rgb_00178.jpg /dining_room_0013/sync_depth_00178.png 518.8579 +/bathroom_0049/rgb_00031.jpg /bathroom_0049/sync_depth_00031.png 518.8579 +/bookstore_0001g/rgb_00127.jpg /bookstore_0001g/sync_depth_00127.png 518.8579 +/classroom_0018/rgb_00041.jpg /classroom_0018/sync_depth_00041.png 518.8579 +/bookstore_0001h/rgb_00110.jpg /bookstore_0001h/sync_depth_00110.png 518.8579 +/bathroom_0019/rgb_00034.jpg /bathroom_0019/sync_depth_00034.png 518.8579 +/conference_room_0001/rgb_00088.jpg /conference_room_0001/sync_depth_00088.png 518.8579 +/bedroom_0063/rgb_00091.jpg /bedroom_0063/sync_depth_00091.png 518.8579 +/living_room_0018/rgb_00065.jpg /living_room_0018/sync_depth_00065.png 518.8579 +/office_0021/rgb_00005.jpg /office_0021/sync_depth_00005.png 518.8579 +/living_room_0019/rgb_00080.jpg /living_room_0019/sync_depth_00080.png 518.8579 +/furniture_store_0002b/rgb_00122.jpg /furniture_store_0002b/sync_depth_00122.png 518.8579 +/bedroom_0021/rgb_00045.jpg /bedroom_0021/sync_depth_00045.png 518.8579 +/bedroom_0040/rgb_00063.jpg /bedroom_0040/sync_depth_00063.png 518.8579 +/living_room_0062/rgb_00043.jpg /living_room_0062/sync_depth_00043.png 518.8579 +/kitchen_0043/rgb_00219.jpg /kitchen_0043/sync_depth_00219.png 518.8579 +/living_room_0037/rgb_00026.jpg /living_room_0037/sync_depth_00026.png 518.8579 +/home_office_0008/rgb_00090.jpg /home_office_0008/sync_depth_00090.png 518.8579 +/home_office_0011/rgb_00055.jpg /home_office_0011/sync_depth_00055.png 518.8579 +/bedroom_0062/rgb_00019.jpg /bedroom_0062/sync_depth_00019.png 518.8579 +/home_office_0005/rgb_00143.jpg /home_office_0005/sync_depth_00143.png 518.8579 +/living_room_0047b/rgb_00106.jpg /living_room_0047b/sync_depth_00106.png 518.8579 +/dining_room_0010/rgb_00096.jpg /dining_room_0010/sync_depth_00096.png 518.8579 +/kitchen_0003/rgb_00147.jpg /kitchen_0003/sync_depth_00147.png 518.8579 +/living_room_0020/rgb_00071.jpg /living_room_0020/sync_depth_00071.png 518.8579 +/dining_room_0012/rgb_00007.jpg /dining_room_0012/sync_depth_00007.png 518.8579 +/home_storage_0001/rgb_00040.jpg /home_storage_0001/sync_depth_00040.png 518.8579 +/bedroom_0019/rgb_00063.jpg /bedroom_0019/sync_depth_00063.png 518.8579 +/playroom_0004/rgb_00021.jpg /playroom_0004/sync_depth_00021.png 518.8579 +/furniture_store_0002c/rgb_00034.jpg /furniture_store_0002c/sync_depth_00034.png 518.8579 +/office_0011/rgb_00027.jpg /office_0011/sync_depth_00027.png 518.8579 +/kitchen_0035b/rgb_00204.jpg /kitchen_0035b/sync_depth_00204.png 518.8579 +/bookstore_0001j/rgb_00178.jpg /bookstore_0001j/sync_depth_00178.png 518.8579 +/kitchen_0028a/rgb_00139.jpg /kitchen_0028a/sync_depth_00139.png 518.8579 +/kitchen_0049/rgb_00195.jpg /kitchen_0049/sync_depth_00195.png 518.8579 +/dining_room_0024/rgb_00171.jpg /dining_room_0024/sync_depth_00171.png 518.8579 +/bathroom_0019/rgb_00039.jpg /bathroom_0019/sync_depth_00039.png 518.8579 +/kitchen_0035b/rgb_00325.jpg /kitchen_0035b/sync_depth_00325.png 518.8579 +/kitchen_0051/rgb_00311.jpg /kitchen_0051/sync_depth_00311.png 518.8579 +/office_0011/rgb_00173.jpg /office_0011/sync_depth_00173.png 518.8579 +/bedroom_0078/rgb_00159.jpg /bedroom_0078/sync_depth_00159.png 518.8579 +/dining_room_0031/rgb_00093.jpg /dining_room_0031/sync_depth_00093.png 518.8579 +/kitchen_0037/rgb_00022.jpg /kitchen_0037/sync_depth_00022.png 518.8579 +/bookstore_0001f/rgb_00026.jpg /bookstore_0001f/sync_depth_00026.png 518.8579 +/bedroom_0050/rgb_00014.jpg /bedroom_0050/sync_depth_00014.png 518.8579 +/classroom_0004/rgb_00064.jpg /classroom_0004/sync_depth_00064.png 518.8579 +/dining_room_0012/rgb_00024.jpg /dining_room_0012/sync_depth_00024.png 518.8579 +/bedroom_0076a/rgb_00066.jpg /bedroom_0076a/sync_depth_00066.png 518.8579 +/dining_room_0014/rgb_00118.jpg /dining_room_0014/sync_depth_00118.png 518.8579 +/dining_room_0002/rgb_00003.jpg /dining_room_0002/sync_depth_00003.png 518.8579 +/kitchen_0035a/rgb_00050.jpg /kitchen_0035a/sync_depth_00050.png 518.8579 +/home_office_0008/rgb_00007.jpg /home_office_0008/sync_depth_00007.png 518.8579 +/living_room_0012/rgb_00159.jpg /living_room_0012/sync_depth_00159.png 518.8579 +/kitchen_0051/rgb_00332.jpg /kitchen_0051/sync_depth_00332.png 518.8579 +/bedroom_0021/rgb_00113.jpg /bedroom_0021/sync_depth_00113.png 518.8579 +/reception_room_0001b/rgb_00009.jpg /reception_room_0001b/sync_depth_00009.png 518.8579 +/dining_room_0024/rgb_00152.jpg /dining_room_0024/sync_depth_00152.png 518.8579 +/bedroom_0060/rgb_00039.jpg /bedroom_0060/sync_depth_00039.png 518.8579 +/dining_room_0037/rgb_00035.jpg /dining_room_0037/sync_depth_00035.png 518.8579 +/dining_room_0012/rgb_00228.jpg /dining_room_0012/sync_depth_00228.png 518.8579 +/dining_room_0001b/rgb_00197.jpg /dining_room_0001b/sync_depth_00197.png 518.8579 +/bedroom_0100/rgb_00060.jpg /bedroom_0100/sync_depth_00060.png 518.8579 +/bathroom_0039/rgb_00074.jpg /bathroom_0039/sync_depth_00074.png 518.8579 +/bedroom_0063/rgb_00025.jpg /bedroom_0063/sync_depth_00025.png 518.8579 +/living_room_0069a/rgb_00062.jpg /living_room_0069a/sync_depth_00062.png 518.8579 +/living_room_0046a/rgb_00090.jpg /living_room_0046a/sync_depth_00090.png 518.8579 +/kitchen_0029b/rgb_00007.jpg /kitchen_0029b/sync_depth_00007.png 518.8579 +/bedroom_0074/rgb_00027.jpg /bedroom_0074/sync_depth_00027.png 518.8579 +/bookstore_0001j/rgb_00044.jpg /bookstore_0001j/sync_depth_00044.png 518.8579 +/cafe_0001c/rgb_00018.jpg /cafe_0001c/sync_depth_00018.png 518.8579 +/bedroom_0015/rgb_00016.jpg /bedroom_0015/sync_depth_00016.png 518.8579 +/dining_room_0031/rgb_00190.jpg /dining_room_0031/sync_depth_00190.png 518.8579 +/living_room_0033/rgb_00047.jpg /living_room_0033/sync_depth_00047.png 518.8579 +/living_room_0069b/rgb_00021.jpg /living_room_0069b/sync_depth_00021.png 518.8579 +/bedroom_0106/rgb_00035.jpg /bedroom_0106/sync_depth_00035.png 518.8579 +/office_0018/rgb_00010.jpg /office_0018/sync_depth_00010.png 518.8579 +/bedroom_0040/rgb_00072.jpg /bedroom_0040/sync_depth_00072.png 518.8579 +/nyu_office_0/rgb_00257.jpg /nyu_office_0/sync_depth_00257.png 518.8579 +/dining_room_0012/rgb_00123.jpg /dining_room_0012/sync_depth_00123.png 518.8579 +/study_0004/rgb_00064.jpg /study_0004/sync_depth_00064.png 518.8579 +/study_0008/rgb_00037.jpg /study_0008/sync_depth_00037.png 518.8579 +/living_room_0068/rgb_00002.jpg /living_room_0068/sync_depth_00002.png 518.8579 +/bathroom_0042/rgb_00005.jpg /bathroom_0042/sync_depth_00005.png 518.8579 +/nyu_office_0/rgb_00193.jpg /nyu_office_0/sync_depth_00193.png 518.8579 +/bookstore_0001j/rgb_00188.jpg /bookstore_0001j/sync_depth_00188.png 518.8579 +/kitchen_0028a/rgb_00178.jpg /kitchen_0028a/sync_depth_00178.png 518.8579 +/furniture_store_0001b/rgb_00009.jpg /furniture_store_0001b/sync_depth_00009.png 518.8579 +/bedroom_0076a/rgb_00282.jpg /bedroom_0076a/sync_depth_00282.png 518.8579 +/bookstore_0001j/rgb_00122.jpg /bookstore_0001j/sync_depth_00122.png 518.8579 +/dining_room_0028/rgb_00000.jpg /dining_room_0028/sync_depth_00000.png 518.8579 +/study_0008/rgb_00034.jpg /study_0008/sync_depth_00034.png 518.8579 +/bathroom_0014a/rgb_00047.jpg /bathroom_0014a/sync_depth_00047.png 518.8579 +/home_office_0007/rgb_00006.jpg /home_office_0007/sync_depth_00006.png 518.8579 +/bedroom_0004/rgb_00041.jpg /bedroom_0004/sync_depth_00041.png 518.8579 +/living_room_0022/rgb_00215.jpg /living_room_0022/sync_depth_00215.png 518.8579 +/bedroom_0004/rgb_00077.jpg /bedroom_0004/sync_depth_00077.png 518.8579 +/dining_room_0007/rgb_00001.jpg /dining_room_0007/sync_depth_00001.png 518.8579 +/kitchen_0050/rgb_00026.jpg /kitchen_0050/sync_depth_00026.png 518.8579 +/living_room_0022/rgb_00409.jpg /living_room_0022/sync_depth_00409.png 518.8579 +/dining_room_0001b/rgb_00146.jpg /dining_room_0001b/sync_depth_00146.png 518.8579 +/kitchen_0035b/rgb_00258.jpg /kitchen_0035b/sync_depth_00258.png 518.8579 +/bedroom_0096/rgb_00069.jpg /bedroom_0096/sync_depth_00069.png 518.8579 +/dining_room_0016/rgb_00170.jpg /dining_room_0016/sync_depth_00170.png 518.8579 +/living_room_0040/rgb_00309.jpg /living_room_0040/sync_depth_00309.png 518.8579 +/furniture_store_0002a/rgb_00099.jpg /furniture_store_0002a/sync_depth_00099.png 518.8579 +/living_room_0040/rgb_00218.jpg /living_room_0040/sync_depth_00218.png 518.8579 +/bedroom_0067b/rgb_00003.jpg /bedroom_0067b/sync_depth_00003.png 518.8579 +/bedroom_0010/rgb_00045.jpg /bedroom_0010/sync_depth_00045.png 518.8579 +/bookstore_0001e/rgb_00029.jpg /bookstore_0001e/sync_depth_00029.png 518.8579 +/conference_room_0001/rgb_00115.jpg /conference_room_0001/sync_depth_00115.png 518.8579 +/living_room_0067/rgb_00101.jpg /living_room_0067/sync_depth_00101.png 518.8579 +/bathroom_0028/rgb_00014.jpg /bathroom_0028/sync_depth_00014.png 518.8579 +/bedroom_0078/rgb_00018.jpg /bedroom_0078/sync_depth_00018.png 518.8579 +/dining_room_0012/rgb_00169.jpg /dining_room_0012/sync_depth_00169.png 518.8579 +/living_room_0032/rgb_00002.jpg /living_room_0032/sync_depth_00002.png 518.8579 +/bookstore_0001h/rgb_00112.jpg /bookstore_0001h/sync_depth_00112.png 518.8579 +/bookstore_0001d/rgb_00230.jpg /bookstore_0001d/sync_depth_00230.png 518.8579 +/living_room_0083/rgb_00037.jpg /living_room_0083/sync_depth_00037.png 518.8579 +/bathroom_0023/rgb_00008.jpg /bathroom_0023/sync_depth_00008.png 518.8579 +/dining_room_0015/rgb_00279.jpg /dining_room_0015/sync_depth_00279.png 518.8579 +/furniture_store_0001d/rgb_00273.jpg /furniture_store_0001d/sync_depth_00273.png 518.8579 +/home_office_0007/rgb_00031.jpg /home_office_0007/sync_depth_00031.png 518.8579 +/kitchen_0016/rgb_00005.jpg /kitchen_0016/sync_depth_00005.png 518.8579 +/bookstore_0001h/rgb_00087.jpg /bookstore_0001h/sync_depth_00087.png 518.8579 +/bedroom_0104/rgb_00099.jpg /bedroom_0104/sync_depth_00099.png 518.8579 +/dining_room_0031/rgb_00244.jpg /dining_room_0031/sync_depth_00244.png 518.8579 +/excercise_room_0001/rgb_00126.jpg /excercise_room_0001/sync_depth_00126.png 518.8579 +/furniture_store_0001a/rgb_00015.jpg /furniture_store_0001a/sync_depth_00015.png 518.8579 +/playroom_0003/rgb_00197.jpg /playroom_0003/sync_depth_00197.png 518.8579 +/living_room_0022/rgb_00223.jpg /living_room_0022/sync_depth_00223.png 518.8579 +/furniture_store_0001b/rgb_00077.jpg /furniture_store_0001b/sync_depth_00077.png 518.8579 +/living_room_0040/rgb_00075.jpg /living_room_0040/sync_depth_00075.png 518.8579 +/living_room_0058/rgb_00144.jpg /living_room_0058/sync_depth_00144.png 518.8579 +/nyu_office_0/rgb_00157.jpg /nyu_office_0/sync_depth_00157.png 518.8579 +/dining_room_0033/rgb_00091.jpg /dining_room_0033/sync_depth_00091.png 518.8579 +/bathroom_0049/rgb_00052.jpg /bathroom_0049/sync_depth_00052.png 518.8579 +/kitchen_0053/rgb_00236.jpg /kitchen_0053/sync_depth_00236.png 518.8579 +/office_0011/rgb_00136.jpg /office_0011/sync_depth_00136.png 518.8579 +/living_room_0035/rgb_00068.jpg /living_room_0035/sync_depth_00068.png 518.8579 +/home_office_0007/rgb_00018.jpg /home_office_0007/sync_depth_00018.png 518.8579 +/furniture_store_0002d/rgb_00044.jpg /furniture_store_0002d/sync_depth_00044.png 518.8579 +/kitchen_0035b/rgb_00051.jpg /kitchen_0035b/sync_depth_00051.png 518.8579 +/furniture_store_0002c/rgb_00001.jpg /furniture_store_0002c/sync_depth_00001.png 518.8579 +/office_0004/rgb_00023.jpg /office_0004/sync_depth_00023.png 518.8579 +/bookstore_0001d/rgb_00307.jpg /bookstore_0001d/sync_depth_00307.png 518.8579 +/classroom_0006/rgb_00200.jpg /classroom_0006/sync_depth_00200.png 518.8579 +/home_office_0006/rgb_00118.jpg /home_office_0006/sync_depth_00118.png 518.8579 +/living_room_0086a/rgb_00026.jpg /living_room_0086a/sync_depth_00026.png 518.8579 +/bathroom_0002/rgb_00039.jpg /bathroom_0002/sync_depth_00039.png 518.8579 +/kitchen_0033/rgb_00186.jpg /kitchen_0033/sync_depth_00186.png 518.8579 +/living_room_0010/rgb_00196.jpg /living_room_0010/sync_depth_00196.png 518.8579 +/bookstore_0001d/rgb_00026.jpg /bookstore_0001d/sync_depth_00026.png 518.8579 +/dining_room_0024/rgb_00013.jpg /dining_room_0024/sync_depth_00013.png 518.8579 +/dining_room_0001b/rgb_00015.jpg /dining_room_0001b/sync_depth_00015.png 518.8579 +/dining_room_0023/rgb_00129.jpg /dining_room_0023/sync_depth_00129.png 518.8579 +/bedroom_0060/rgb_00020.jpg /bedroom_0060/sync_depth_00020.png 518.8579 +/dining_room_0008/rgb_00159.jpg /dining_room_0008/sync_depth_00159.png 518.8579 +/bedroom_0040/rgb_00082.jpg /bedroom_0040/sync_depth_00082.png 518.8579 +/living_room_0010/rgb_00002.jpg /living_room_0010/sync_depth_00002.png 518.8579 +/furniture_store_0001e/rgb_00069.jpg /furniture_store_0001e/sync_depth_00069.png 518.8579 +/living_room_0055/rgb_00075.jpg /living_room_0055/sync_depth_00075.png 518.8579 +/dining_room_0019/rgb_00011.jpg /dining_room_0019/sync_depth_00011.png 518.8579 +/furniture_store_0002a/rgb_00285.jpg /furniture_store_0002a/sync_depth_00285.png 518.8579 +/living_room_0010/rgb_00099.jpg /living_room_0010/sync_depth_00099.png 518.8579 +/office_0003/rgb_00001.jpg /office_0003/sync_depth_00001.png 518.8579 +/bedroom_0130/rgb_00026.jpg /bedroom_0130/sync_depth_00026.png 518.8579 +/kitchen_0043/rgb_00126.jpg /kitchen_0043/sync_depth_00126.png 518.8579 +/furniture_store_0001d/rgb_00066.jpg /furniture_store_0001d/sync_depth_00066.png 518.8579 +/dining_room_0007/rgb_00032.jpg /dining_room_0007/sync_depth_00032.png 518.8579 +/bookstore_0001e/rgb_00070.jpg /bookstore_0001e/sync_depth_00070.png 518.8579 +/kitchen_0051/rgb_00013.jpg /kitchen_0051/sync_depth_00013.png 518.8579 +/living_room_0040/rgb_00119.jpg /living_room_0040/sync_depth_00119.png 518.8579 +/living_room_0018/rgb_00075.jpg /living_room_0018/sync_depth_00075.png 518.8579 +/dining_room_0015/rgb_00087.jpg /dining_room_0015/sync_depth_00087.png 518.8579 +/office_0004/rgb_00087.jpg /office_0004/sync_depth_00087.png 518.8579 +/bedroom_0106/rgb_00116.jpg /bedroom_0106/sync_depth_00116.png 518.8579 +/reception_room_0001b/rgb_00003.jpg /reception_room_0001b/sync_depth_00003.png 518.8579 +/living_room_0022/rgb_00071.jpg /living_room_0022/sync_depth_00071.png 518.8579 +/living_room_0050/rgb_00066.jpg /living_room_0050/sync_depth_00066.png 518.8579 +/kitchen_0051/rgb_00347.jpg /kitchen_0051/sync_depth_00347.png 518.8579 +/bedroom_0026/rgb_00140.jpg /bedroom_0026/sync_depth_00140.png 518.8579 +/bedroom_0012/rgb_00079.jpg /bedroom_0012/sync_depth_00079.png 518.8579 +/bedroom_0050/rgb_00058.jpg /bedroom_0050/sync_depth_00058.png 518.8579 +/living_room_0020/rgb_00178.jpg /living_room_0020/sync_depth_00178.png 518.8579 +/bedroom_0052/rgb_00010.jpg /bedroom_0052/sync_depth_00010.png 518.8579 +/cafe_0001a/rgb_00050.jpg /cafe_0001a/sync_depth_00050.png 518.8579 +/office_0006/rgb_00048.jpg /office_0006/sync_depth_00048.png 518.8579 +/dining_room_0016/rgb_00150.jpg /dining_room_0016/sync_depth_00150.png 518.8579 +/bedroom_0033/rgb_00124.jpg /bedroom_0033/sync_depth_00124.png 518.8579 +/living_room_0063/rgb_00079.jpg /living_room_0063/sync_depth_00079.png 518.8579 +/nyu_office_1/rgb_00071.jpg /nyu_office_1/sync_depth_00071.png 518.8579 +/bedroom_0104/rgb_00084.jpg /bedroom_0104/sync_depth_00084.png 518.8579 +/office_0018/rgb_00012.jpg /office_0018/sync_depth_00012.png 518.8579 +/dining_room_0031/rgb_00330.jpg /dining_room_0031/sync_depth_00330.png 518.8579 +/bedroom_0116/rgb_00002.jpg /bedroom_0116/sync_depth_00002.png 518.8579 +/bedroom_0040/rgb_00040.jpg /bedroom_0040/sync_depth_00040.png 518.8579 +/classroom_0010/rgb_00018.jpg /classroom_0010/sync_depth_00018.png 518.8579 +/bedroom_0138/rgb_00022.jpg /bedroom_0138/sync_depth_00022.png 518.8579 +/classroom_0010/rgb_00021.jpg /classroom_0010/sync_depth_00021.png 518.8579 +/living_room_0078/rgb_00115.jpg /living_room_0078/sync_depth_00115.png 518.8579 +/dinette_0001/rgb_00029.jpg /dinette_0001/sync_depth_00029.png 518.8579 +/home_office_0004/rgb_00068.jpg /home_office_0004/sync_depth_00068.png 518.8579 +/classroom_0003/rgb_00102.jpg /classroom_0003/sync_depth_00102.png 518.8579 +/office_kitchen_0001b/rgb_00006.jpg /office_kitchen_0001b/sync_depth_00006.png 518.8579 +/reception_room_0002/rgb_00042.jpg /reception_room_0002/sync_depth_00042.png 518.8579 +/home_storage_0001/rgb_00010.jpg /home_storage_0001/sync_depth_00010.png 518.8579 +/bathroom_0007/rgb_00020.jpg /bathroom_0007/sync_depth_00020.png 518.8579 +/reception_room_0002/rgb_00122.jpg /reception_room_0002/sync_depth_00122.png 518.8579 +/kitchen_0041/rgb_00049.jpg /kitchen_0041/sync_depth_00049.png 518.8579 +/bedroom_0062/rgb_00086.jpg /bedroom_0062/sync_depth_00086.png 518.8579 +/living_room_0012/rgb_00200.jpg /living_room_0012/sync_depth_00200.png 518.8579 +/bedroom_0052/rgb_00216.jpg /bedroom_0052/sync_depth_00216.png 518.8579 +/living_room_0078/rgb_00059.jpg /living_room_0078/sync_depth_00059.png 518.8579 +/nyu_office_1/rgb_00021.jpg /nyu_office_1/sync_depth_00021.png 518.8579 +/excercise_room_0001/rgb_00046.jpg /excercise_room_0001/sync_depth_00046.png 518.8579 +/bathroom_0019/rgb_00056.jpg /bathroom_0019/sync_depth_00056.png 518.8579 +/bathroom_0007/rgb_00003.jpg /bathroom_0007/sync_depth_00003.png 518.8579 +/playroom_0002/rgb_00025.jpg /playroom_0002/sync_depth_00025.png 518.8579 +/dining_room_0031/rgb_00084.jpg /dining_room_0031/sync_depth_00084.png 518.8579 +/bookstore_0001d/rgb_00002.jpg /bookstore_0001d/sync_depth_00002.png 518.8579 +/bookstore_0001j/rgb_00301.jpg /bookstore_0001j/sync_depth_00301.png 518.8579 +/bathroom_0002/rgb_00018.jpg /bathroom_0002/sync_depth_00018.png 518.8579 +/kitchen_0047/rgb_00066.jpg /kitchen_0047/sync_depth_00066.png 518.8579 +/bathroom_0007/rgb_00006.jpg /bathroom_0007/sync_depth_00006.png 518.8579 +/bedroom_0096/rgb_00065.jpg /bedroom_0096/sync_depth_00065.png 518.8579 +/living_room_0062/rgb_00145.jpg /living_room_0062/sync_depth_00145.png 518.8579 +/living_room_0046b/rgb_00052.jpg /living_room_0046b/sync_depth_00052.png 518.8579 +/bedroom_0140/rgb_00170.jpg /bedroom_0140/sync_depth_00170.png 518.8579 +/living_room_0029/rgb_00083.jpg /living_room_0029/sync_depth_00083.png 518.8579 +/kitchen_0028b/rgb_00053.jpg /kitchen_0028b/sync_depth_00053.png 518.8579 +/furniture_store_0001d/rgb_00195.jpg /furniture_store_0001d/sync_depth_00195.png 518.8579 +/bedroom_0004/rgb_00031.jpg /bedroom_0004/sync_depth_00031.png 518.8579 +/home_office_0013/rgb_00019.jpg /home_office_0013/sync_depth_00019.png 518.8579 +/bathroom_0014a/rgb_00027.jpg /bathroom_0014a/sync_depth_00027.png 518.8579 +/kitchen_0045a/rgb_00133.jpg /kitchen_0045a/sync_depth_00133.png 518.8579 +/living_room_0010/rgb_00105.jpg /living_room_0010/sync_depth_00105.png 518.8579 +/bookstore_0001j/rgb_00105.jpg /bookstore_0001j/sync_depth_00105.png 518.8579 +/basement_0001a/rgb_00182.jpg /basement_0001a/sync_depth_00182.png 518.8579 +/living_room_0039/rgb_00134.jpg /living_room_0039/sync_depth_00134.png 518.8579 +/dining_room_0031/rgb_00245.jpg /dining_room_0031/sync_depth_00245.png 518.8579 +/reception_room_0002/rgb_00006.jpg /reception_room_0002/sync_depth_00006.png 518.8579 +/dining_room_0008/rgb_00081.jpg /dining_room_0008/sync_depth_00081.png 518.8579 +/playroom_0004/rgb_00059.jpg /playroom_0004/sync_depth_00059.png 518.8579 +/bookstore_0001e/rgb_00044.jpg /bookstore_0001e/sync_depth_00044.png 518.8579 +/study_0003/rgb_00008.jpg /study_0003/sync_depth_00008.png 518.8579 +/bathroom_0050/rgb_00014.jpg /bathroom_0050/sync_depth_00014.png 518.8579 +/living_room_0011/rgb_00123.jpg /living_room_0011/sync_depth_00123.png 518.8579 +/furniture_store_0001d/rgb_00143.jpg /furniture_store_0001d/sync_depth_00143.png 518.8579 +/office_kitchen_0001b/rgb_00056.jpg /office_kitchen_0001b/sync_depth_00056.png 518.8579 +/bookstore_0001f/rgb_00242.jpg /bookstore_0001f/sync_depth_00242.png 518.8579 +/kitchen_0017/rgb_00003.jpg /kitchen_0017/sync_depth_00003.png 518.8579 +/living_room_0010/rgb_00138.jpg /living_room_0010/sync_depth_00138.png 518.8579 +/kitchen_0035b/rgb_00315.jpg /kitchen_0035b/sync_depth_00315.png 518.8579 +/home_office_0013/rgb_00031.jpg /home_office_0013/sync_depth_00031.png 518.8579 +/living_room_0012/rgb_00130.jpg /living_room_0012/sync_depth_00130.png 518.8579 +/kitchen_0031/rgb_00160.jpg /kitchen_0031/sync_depth_00160.png 518.8579 +/classroom_0006/rgb_00119.jpg /classroom_0006/sync_depth_00119.png 518.8579 +/dining_room_0033/rgb_00178.jpg /dining_room_0033/sync_depth_00178.png 518.8579 +/playroom_0004/rgb_00087.jpg /playroom_0004/sync_depth_00087.png 518.8579 +/study_room_0004/rgb_00174.jpg /study_room_0004/sync_depth_00174.png 518.8579 +/kitchen_0019a/rgb_00240.jpg /kitchen_0019a/sync_depth_00240.png 518.8579 +/dining_room_0007/rgb_00226.jpg /dining_room_0007/sync_depth_00226.png 518.8579 +/bookstore_0001d/rgb_00174.jpg /bookstore_0001d/sync_depth_00174.png 518.8579 +/living_room_0012/rgb_00196.jpg /living_room_0012/sync_depth_00196.png 518.8579 +/furniture_store_0001e/rgb_00012.jpg /furniture_store_0001e/sync_depth_00012.png 518.8579 +/bedroom_0120/rgb_00064.jpg /bedroom_0120/sync_depth_00064.png 518.8579 +/bedroom_0094/rgb_00033.jpg /bedroom_0094/sync_depth_00033.png 518.8579 +/furniture_store_0002c/rgb_00031.jpg /furniture_store_0002c/sync_depth_00031.png 518.8579 +/office_0026/rgb_00121.jpg /office_0026/sync_depth_00121.png 518.8579 +/furniture_store_0001b/rgb_00053.jpg /furniture_store_0001b/sync_depth_00053.png 518.8579 +/home_office_0006/rgb_00090.jpg /home_office_0006/sync_depth_00090.png 518.8579 +/bedroom_0072/rgb_00127.jpg /bedroom_0072/sync_depth_00127.png 518.8579 +/living_room_0050/rgb_00078.jpg /living_room_0050/sync_depth_00078.png 518.8579 +/bedroom_0129/rgb_00054.jpg /bedroom_0129/sync_depth_00054.png 518.8579 +/bookstore_0001d/rgb_00305.jpg /bookstore_0001d/sync_depth_00305.png 518.8579 +/dining_room_0012/rgb_00004.jpg /dining_room_0012/sync_depth_00004.png 518.8579 +/living_room_0006/rgb_00016.jpg /living_room_0006/sync_depth_00016.png 518.8579 +/home_storage_0001/rgb_00076.jpg /home_storage_0001/sync_depth_00076.png 518.8579 +/living_room_0011/rgb_00125.jpg /living_room_0011/sync_depth_00125.png 518.8579 +/kitchen_0048/rgb_00259.jpg /kitchen_0048/sync_depth_00259.png 518.8579 +/kitchen_0060/rgb_00010.jpg /kitchen_0060/sync_depth_00010.png 518.8579 +/office_0006/rgb_00121.jpg /office_0006/sync_depth_00121.png 518.8579 +/bedroom_0072/rgb_00098.jpg /bedroom_0072/sync_depth_00098.png 518.8579 +/kitchen_0049/rgb_00079.jpg /kitchen_0049/sync_depth_00079.png 518.8579 +/bedroom_0098/rgb_00025.jpg /bedroom_0098/sync_depth_00025.png 518.8579 +/office_0011/rgb_00091.jpg /office_0011/sync_depth_00091.png 518.8579 +/bedroom_0107/rgb_00041.jpg /bedroom_0107/sync_depth_00041.png 518.8579 +/bookstore_0001j/rgb_00295.jpg /bookstore_0001j/sync_depth_00295.png 518.8579 +/living_room_0029/rgb_00071.jpg /living_room_0029/sync_depth_00071.png 518.8579 +/furniture_store_0002c/rgb_00065.jpg /furniture_store_0002c/sync_depth_00065.png 518.8579 +/office_0018/rgb_00021.jpg /office_0018/sync_depth_00021.png 518.8579 +/living_room_0046a/rgb_00094.jpg /living_room_0046a/sync_depth_00094.png 518.8579 +/dining_room_0031/rgb_00269.jpg /dining_room_0031/sync_depth_00269.png 518.8579 +/study_room_0005b/rgb_00013.jpg /study_room_0005b/sync_depth_00013.png 518.8579 +/home_storage_0001/rgb_00108.jpg /home_storage_0001/sync_depth_00108.png 518.8579 +/dining_room_0014/rgb_00083.jpg /dining_room_0014/sync_depth_00083.png 518.8579 +/bathroom_0019/rgb_00031.jpg /bathroom_0019/sync_depth_00031.png 518.8579 +/kitchen_0049/rgb_00196.jpg /kitchen_0049/sync_depth_00196.png 518.8579 +/reception_room_0002/rgb_00021.jpg /reception_room_0002/sync_depth_00021.png 518.8579 +/bathroom_0024/rgb_00052.jpg /bathroom_0024/sync_depth_00052.png 518.8579 +/living_room_0042b/rgb_00059.jpg /living_room_0042b/sync_depth_00059.png 518.8579 +/dining_room_0004/rgb_00071.jpg /dining_room_0004/sync_depth_00071.png 518.8579 +/playroom_0006/rgb_00080.jpg /playroom_0006/sync_depth_00080.png 518.8579 +/dining_room_0008/rgb_00000.jpg /dining_room_0008/sync_depth_00000.png 518.8579 +/living_room_0022/rgb_00100.jpg /living_room_0022/sync_depth_00100.png 518.8579 +/dining_room_0028/rgb_00081.jpg /dining_room_0028/sync_depth_00081.png 518.8579 +/bedroom_0062/rgb_00051.jpg /bedroom_0062/sync_depth_00051.png 518.8579 +/dining_room_0001b/rgb_00061.jpg /dining_room_0001b/sync_depth_00061.png 518.8579 +/kitchen_0029b/rgb_00023.jpg /kitchen_0029b/sync_depth_00023.png 518.8579 +/living_room_0063/rgb_00104.jpg /living_room_0063/sync_depth_00104.png 518.8579 +/classroom_0022/rgb_00050.jpg /classroom_0022/sync_depth_00050.png 518.8579 +/bedroom_0060/rgb_00021.jpg /bedroom_0060/sync_depth_00021.png 518.8579 +/living_room_0069a/rgb_00116.jpg /living_room_0069a/sync_depth_00116.png 518.8579 +/office_0004/rgb_00013.jpg /office_0004/sync_depth_00013.png 518.8579 +/bedroom_0076a/rgb_00143.jpg /bedroom_0076a/sync_depth_00143.png 518.8579 +/living_room_0012/rgb_00052.jpg /living_room_0012/sync_depth_00052.png 518.8579 +/kitchen_0031/rgb_00185.jpg /kitchen_0031/sync_depth_00185.png 518.8579 +/dining_room_0033/rgb_00167.jpg /dining_room_0033/sync_depth_00167.png 518.8579 +/furniture_store_0001b/rgb_00025.jpg /furniture_store_0001b/sync_depth_00025.png 518.8579 +/bedroom_0050/rgb_00084.jpg /bedroom_0050/sync_depth_00084.png 518.8579 +/bathroom_0056/rgb_00053.jpg /bathroom_0056/sync_depth_00053.png 518.8579 +/bathroom_0028/rgb_00148.jpg /bathroom_0028/sync_depth_00148.png 518.8579 +/living_room_0039/rgb_00056.jpg /living_room_0039/sync_depth_00056.png 518.8579 +/dining_room_0013/rgb_00134.jpg /dining_room_0013/sync_depth_00134.png 518.8579 +/classroom_0006/rgb_00023.jpg /classroom_0006/sync_depth_00023.png 518.8579 +/conference_room_0001/rgb_00012.jpg /conference_room_0001/sync_depth_00012.png 518.8579 +/kitchen_0017/rgb_00059.jpg /kitchen_0017/sync_depth_00059.png 518.8579 +/living_room_0005/rgb_00113.jpg /living_room_0005/sync_depth_00113.png 518.8579 +/kitchen_0053/rgb_00156.jpg /kitchen_0053/sync_depth_00156.png 518.8579 +/bathroom_0056/rgb_00002.jpg /bathroom_0056/sync_depth_00002.png 518.8579 +/living_room_0038/rgb_00107.jpg /living_room_0038/sync_depth_00107.png 518.8579 +/kitchen_0028a/rgb_00039.jpg /kitchen_0028a/sync_depth_00039.png 518.8579 +/living_room_0040/rgb_00235.jpg /living_room_0040/sync_depth_00235.png 518.8579 +/bedroom_0016/rgb_00218.jpg /bedroom_0016/sync_depth_00218.png 518.8579 +/bedroom_0015/rgb_00065.jpg /bedroom_0015/sync_depth_00065.png 518.8579 +/bedroom_0120/rgb_00089.jpg /bedroom_0120/sync_depth_00089.png 518.8579 +/kitchen_0031/rgb_00000.jpg /kitchen_0031/sync_depth_00000.png 518.8579 +/bookstore_0001h/rgb_00150.jpg /bookstore_0001h/sync_depth_00150.png 518.8579 +/bedroom_0086/rgb_00047.jpg /bedroom_0086/sync_depth_00047.png 518.8579 +/living_room_0012/rgb_00039.jpg /living_room_0012/sync_depth_00039.png 518.8579 +/kitchen_0047/rgb_00053.jpg /kitchen_0047/sync_depth_00053.png 518.8579 +/kitchen_0052/rgb_00168.jpg /kitchen_0052/sync_depth_00168.png 518.8579 +/bookstore_0001j/rgb_00315.jpg /bookstore_0001j/sync_depth_00315.png 518.8579 +/kitchen_0050/rgb_00206.jpg /kitchen_0050/sync_depth_00206.png 518.8579 +/bookstore_0001d/rgb_00149.jpg /bookstore_0001d/sync_depth_00149.png 518.8579 +/living_room_0010/rgb_00129.jpg /living_room_0010/sync_depth_00129.png 518.8579 +/bedroom_0010/rgb_00008.jpg /bedroom_0010/sync_depth_00008.png 518.8579 +/kitchen_0048/rgb_00131.jpg /kitchen_0048/sync_depth_00131.png 518.8579 +/bedroom_0026/rgb_00134.jpg /bedroom_0026/sync_depth_00134.png 518.8579 +/dining_room_0015/rgb_00082.jpg /dining_room_0015/sync_depth_00082.png 518.8579 +/bookstore_0001e/rgb_00149.jpg /bookstore_0001e/sync_depth_00149.png 518.8579 +/study_room_0005a/rgb_00034.jpg /study_room_0005a/sync_depth_00034.png 518.8579 +/kitchen_0043/rgb_00229.jpg /kitchen_0043/sync_depth_00229.png 518.8579 +/dining_room_0007/rgb_00021.jpg /dining_room_0007/sync_depth_00021.png 518.8579 +/bedroom_0047/rgb_00062.jpg /bedroom_0047/sync_depth_00062.png 518.8579 +/furniture_store_0001b/rgb_00005.jpg /furniture_store_0001b/sync_depth_00005.png 518.8579 +/bookstore_0001j/rgb_00185.jpg /bookstore_0001j/sync_depth_00185.png 518.8579 +/bedroom_0042/rgb_00025.jpg /bedroom_0042/sync_depth_00025.png 518.8579 +/living_room_0040/rgb_00222.jpg /living_room_0040/sync_depth_00222.png 518.8579 +/living_room_0037/rgb_00022.jpg /living_room_0037/sync_depth_00022.png 518.8579 +/bedroom_0026/rgb_00086.jpg /bedroom_0026/sync_depth_00086.png 518.8579 +/kitchen_0031/rgb_00001.jpg /kitchen_0031/sync_depth_00001.png 518.8579 +/bedroom_0010/rgb_00014.jpg /bedroom_0010/sync_depth_00014.png 518.8579 +/bedroom_0063/rgb_00145.jpg /bedroom_0063/sync_depth_00145.png 518.8579 +/bedroom_0106/rgb_00119.jpg /bedroom_0106/sync_depth_00119.png 518.8579 +/bookstore_0001d/rgb_00210.jpg /bookstore_0001d/sync_depth_00210.png 518.8579 +/bedroom_0051/rgb_00196.jpg /bedroom_0051/sync_depth_00196.png 518.8579 +/basement_0001a/rgb_00072.jpg /basement_0001a/sync_depth_00072.png 518.8579 +/bedroom_0033/rgb_00134.jpg /bedroom_0033/sync_depth_00134.png 518.8579 +/bedroom_0074/rgb_00037.jpg /bedroom_0074/sync_depth_00037.png 518.8579 +/bedroom_0113/rgb_00023.jpg /bedroom_0113/sync_depth_00023.png 518.8579 +/office_0009/rgb_00079.jpg /office_0009/sync_depth_00079.png 518.8579 +/kitchen_0050/rgb_00016.jpg /kitchen_0050/sync_depth_00016.png 518.8579 +/living_room_0046b/rgb_00084.jpg /living_room_0046b/sync_depth_00084.png 518.8579 +/study_0005/rgb_00017.jpg /study_0005/sync_depth_00017.png 518.8579 +/bookstore_0001j/rgb_00111.jpg /bookstore_0001j/sync_depth_00111.png 518.8579 +/bedroom_0031/rgb_00012.jpg /bedroom_0031/sync_depth_00012.png 518.8579 +/bedroom_0015/rgb_00074.jpg /bedroom_0015/sync_depth_00074.png 518.8579 +/bedroom_0118/rgb_00021.jpg /bedroom_0118/sync_depth_00021.png 518.8579 +/bookstore_0001i/rgb_00043.jpg /bookstore_0001i/sync_depth_00043.png 518.8579 +/bookstore_0001j/rgb_00007.jpg /bookstore_0001j/sync_depth_00007.png 518.8579 +/bookstore_0001j/rgb_00115.jpg /bookstore_0001j/sync_depth_00115.png 518.8579 +/office_kitchen_0001a/rgb_00053.jpg /office_kitchen_0001a/sync_depth_00053.png 518.8579 +/kitchen_0048/rgb_00027.jpg /kitchen_0048/sync_depth_00027.png 518.8579 +/living_room_0005/rgb_00110.jpg /living_room_0005/sync_depth_00110.png 518.8579 +/dining_room_0037/rgb_00008.jpg /dining_room_0037/sync_depth_00008.png 518.8579 +/classroom_0016/rgb_00068.jpg /classroom_0016/sync_depth_00068.png 518.8579 +/bookstore_0001h/rgb_00106.jpg /bookstore_0001h/sync_depth_00106.png 518.8579 +/bedroom_0010/rgb_00099.jpg /bedroom_0010/sync_depth_00099.png 518.8579 +/living_room_0055/rgb_00129.jpg /living_room_0055/sync_depth_00129.png 518.8579 +/bookstore_0001d/rgb_00029.jpg /bookstore_0001d/sync_depth_00029.png 518.8579 +/living_room_0062/rgb_00096.jpg /living_room_0062/sync_depth_00096.png 518.8579 +/classroom_0011/rgb_00025.jpg /classroom_0011/sync_depth_00025.png 518.8579 +/office_0009/rgb_00077.jpg /office_0009/sync_depth_00077.png 518.8579 +/furniture_store_0002a/rgb_00415.jpg /furniture_store_0002a/sync_depth_00415.png 518.8579 +/bookstore_0001d/rgb_00139.jpg /bookstore_0001d/sync_depth_00139.png 518.8579 +/kitchen_0060/rgb_00124.jpg /kitchen_0060/sync_depth_00124.png 518.8579 +/living_room_0085/rgb_00041.jpg /living_room_0085/sync_depth_00041.png 518.8579 +/kitchen_0011b/rgb_00034.jpg /kitchen_0011b/sync_depth_00034.png 518.8579 +/nyu_office_0/rgb_00308.jpg /nyu_office_0/sync_depth_00308.png 518.8579 +/dining_room_0008/rgb_00008.jpg /dining_room_0008/sync_depth_00008.png 518.8579 +/furniture_store_0001d/rgb_00236.jpg /furniture_store_0001d/sync_depth_00236.png 518.8579 +/kitchen_0048/rgb_00065.jpg /kitchen_0048/sync_depth_00065.png 518.8579 +/living_room_0033/rgb_00053.jpg /living_room_0033/sync_depth_00053.png 518.8579 +/bedroom_0086/rgb_00033.jpg /bedroom_0086/sync_depth_00033.png 518.8579 +/bookstore_0001j/rgb_00205.jpg /bookstore_0001j/sync_depth_00205.png 518.8579 +/home_office_0013/rgb_00087.jpg /home_office_0013/sync_depth_00087.png 518.8579 +/bedroom_0118/rgb_00013.jpg /bedroom_0118/sync_depth_00013.png 518.8579 +/home_office_0007/rgb_00044.jpg /home_office_0007/sync_depth_00044.png 518.8579 +/study_room_0004/rgb_00003.jpg /study_room_0004/sync_depth_00003.png 518.8579 +/bathroom_0053/rgb_00015.jpg /bathroom_0053/sync_depth_00015.png 518.8579 +/classroom_0006/rgb_00134.jpg /classroom_0006/sync_depth_00134.png 518.8579 +/conference_room_0002/rgb_00014.jpg /conference_room_0002/sync_depth_00014.png 518.8579 +/bookstore_0001e/rgb_00184.jpg /bookstore_0001e/sync_depth_00184.png 518.8579 +/living_room_0029/rgb_00091.jpg /living_room_0029/sync_depth_00091.png 518.8579 +/office_0024/rgb_00091.jpg /office_0024/sync_depth_00091.png 518.8579 +/kitchen_0045a/rgb_00199.jpg /kitchen_0045a/sync_depth_00199.png 518.8579 +/conference_room_0002/rgb_00021.jpg /conference_room_0002/sync_depth_00021.png 518.8579 +/bedroom_0096/rgb_00074.jpg /bedroom_0096/sync_depth_00074.png 518.8579 +/foyer_0002/rgb_00017.jpg /foyer_0002/sync_depth_00017.png 518.8579 +/bathroom_0045a/rgb_00019.jpg /bathroom_0045a/sync_depth_00019.png 518.8579 +/living_room_0046a/rgb_00044.jpg /living_room_0046a/sync_depth_00044.png 518.8579 +/living_room_0050/rgb_00217.jpg /living_room_0050/sync_depth_00217.png 518.8579 +/bedroom_0052/rgb_00014.jpg /bedroom_0052/sync_depth_00014.png 518.8579 +/bedroom_0021/rgb_00115.jpg /bedroom_0021/sync_depth_00115.png 518.8579 +/bedroom_0050/rgb_00011.jpg /bedroom_0050/sync_depth_00011.png 518.8579 +/living_room_0020/rgb_00109.jpg /living_room_0020/sync_depth_00109.png 518.8579 +/living_room_0062/rgb_00213.jpg /living_room_0062/sync_depth_00213.png 518.8579 +/dining_room_0010/rgb_00077.jpg /dining_room_0010/sync_depth_00077.png 518.8579 +/cafe_0001a/rgb_00047.jpg /cafe_0001a/sync_depth_00047.png 518.8579 +/living_room_0011/rgb_00052.jpg /living_room_0011/sync_depth_00052.png 518.8579 +/bathroom_0048/rgb_00030.jpg /bathroom_0048/sync_depth_00030.png 518.8579 +/dining_room_0015/rgb_00130.jpg /dining_room_0015/sync_depth_00130.png 518.8579 +/kitchen_0051/rgb_00200.jpg /kitchen_0051/sync_depth_00200.png 518.8579 +/kitchen_0049/rgb_00212.jpg /kitchen_0049/sync_depth_00212.png 518.8579 +/bedroom_0069/rgb_00047.jpg /bedroom_0069/sync_depth_00047.png 518.8579 +/bedroom_0071/rgb_00123.jpg /bedroom_0071/sync_depth_00123.png 518.8579 +/bedroom_0017/rgb_00009.jpg /bedroom_0017/sync_depth_00009.png 518.8579 +/kitchen_0052/rgb_00020.jpg /kitchen_0052/sync_depth_00020.png 518.8579 +/bookstore_0001e/rgb_00027.jpg /bookstore_0001e/sync_depth_00027.png 518.8579 +/kitchen_0052/rgb_00140.jpg /kitchen_0052/sync_depth_00140.png 518.8579 +/bathroom_0028/rgb_00107.jpg /bathroom_0028/sync_depth_00107.png 518.8579 +/bedroom_0124/rgb_00018.jpg /bedroom_0124/sync_depth_00018.png 518.8579 +/bathroom_0002/rgb_00022.jpg /bathroom_0002/sync_depth_00022.png 518.8579 +/living_room_0046b/rgb_00036.jpg /living_room_0046b/sync_depth_00036.png 518.8579 +/basement_0001a/rgb_00194.jpg /basement_0001a/sync_depth_00194.png 518.8579 +/bedroom_0056b/rgb_00015.jpg /bedroom_0056b/sync_depth_00015.png 518.8579 +/living_room_0020/rgb_00093.jpg /living_room_0020/sync_depth_00093.png 518.8579 +/kitchen_0035b/rgb_00216.jpg /kitchen_0035b/sync_depth_00216.png 518.8579 +/dining_room_0015/rgb_00198.jpg /dining_room_0015/sync_depth_00198.png 518.8579 +/bedroom_0059/rgb_00095.jpg /bedroom_0059/sync_depth_00095.png 518.8579 +/kitchen_0031/rgb_00015.jpg /kitchen_0031/sync_depth_00015.png 518.8579 +/living_room_0019/rgb_00232.jpg /living_room_0019/sync_depth_00232.png 518.8579 +/bedroom_0016/rgb_00008.jpg /bedroom_0016/sync_depth_00008.png 518.8579 +/excercise_room_0001/rgb_00040.jpg /excercise_room_0001/sync_depth_00040.png 518.8579 +/home_office_0011/rgb_00073.jpg /home_office_0011/sync_depth_00073.png 518.8579 +/bookstore_0001d/rgb_00122.jpg /bookstore_0001d/sync_depth_00122.png 518.8579 +/bedroom_0126/rgb_00060.jpg /bedroom_0126/sync_depth_00060.png 518.8579 +/classroom_0012/rgb_00039.jpg /classroom_0012/sync_depth_00039.png 518.8579 +/nyu_office_0/rgb_00327.jpg /nyu_office_0/sync_depth_00327.png 518.8579 +/classroom_0005/rgb_00046.jpg /classroom_0005/sync_depth_00046.png 518.8579 +/nyu_office_1/rgb_00074.jpg /nyu_office_1/sync_depth_00074.png 518.8579 +/student_lounge_0001/rgb_00220.jpg /student_lounge_0001/sync_depth_00220.png 518.8579 +/living_room_0070/rgb_00000.jpg /living_room_0070/sync_depth_00000.png 518.8579 +/bathroom_0053/rgb_00050.jpg /bathroom_0053/sync_depth_00050.png 518.8579 +/bedroom_0057/rgb_00031.jpg /bedroom_0057/sync_depth_00031.png 518.8579 +/kitchen_0017/rgb_00014.jpg /kitchen_0017/sync_depth_00014.png 518.8579 +/office_0011/rgb_00111.jpg /office_0011/sync_depth_00111.png 518.8579 +/kitchen_0049/rgb_00046.jpg /kitchen_0049/sync_depth_00046.png 518.8579 +/bookstore_0001g/rgb_00204.jpg /bookstore_0001g/sync_depth_00204.png 518.8579 +/home_office_0006/rgb_00032.jpg /home_office_0006/sync_depth_00032.png 518.8579 +/dining_room_0037/rgb_00142.jpg /dining_room_0037/sync_depth_00142.png 518.8579 +/bedroom_0035/rgb_00024.jpg /bedroom_0035/sync_depth_00024.png 518.8579 +/kitchen_0017/rgb_00091.jpg /kitchen_0017/sync_depth_00091.png 518.8579 +/living_room_0019/rgb_00063.jpg /living_room_0019/sync_depth_00063.png 518.8579 +/foyer_0002/rgb_00021.jpg /foyer_0002/sync_depth_00021.png 518.8579 +/furniture_store_0001b/rgb_00061.jpg /furniture_store_0001b/sync_depth_00061.png 518.8579 +/bedroom_0052/rgb_00043.jpg /bedroom_0052/sync_depth_00043.png 518.8579 +/bathroom_0028/rgb_00002.jpg /bathroom_0028/sync_depth_00002.png 518.8579 +/bedroom_0071/rgb_00183.jpg /bedroom_0071/sync_depth_00183.png 518.8579 +/conference_room_0002/rgb_00012.jpg /conference_room_0002/sync_depth_00012.png 518.8579 +/bedroom_0066/rgb_00052.jpg /bedroom_0066/sync_depth_00052.png 518.8579 +/bathroom_0010/rgb_00054.jpg /bathroom_0010/sync_depth_00054.png 518.8579 +/dining_room_0016/rgb_00154.jpg /dining_room_0016/sync_depth_00154.png 518.8579 +/reception_room_0002/rgb_00135.jpg /reception_room_0002/sync_depth_00135.png 518.8579 +/bedroom_0020/rgb_00087.jpg /bedroom_0020/sync_depth_00087.png 518.8579 +/dining_room_0033/rgb_00162.jpg /dining_room_0033/sync_depth_00162.png 518.8579 +/playroom_0003/rgb_00175.jpg /playroom_0003/sync_depth_00175.png 518.8579 +/bookstore_0001j/rgb_00199.jpg /bookstore_0001j/sync_depth_00199.png 518.8579 +/bookstore_0001i/rgb_00164.jpg /bookstore_0001i/sync_depth_00164.png 518.8579 +/furniture_store_0002a/rgb_00115.jpg /furniture_store_0002a/sync_depth_00115.png 518.8579 +/bookstore_0001e/rgb_00197.jpg /bookstore_0001e/sync_depth_00197.png 518.8579 +/living_room_0069a/rgb_00003.jpg /living_room_0069a/sync_depth_00003.png 518.8579 +/kitchen_0048/rgb_00113.jpg /kitchen_0048/sync_depth_00113.png 518.8579 +/furniture_store_0001d/rgb_00232.jpg /furniture_store_0001d/sync_depth_00232.png 518.8579 +/dining_room_0037/rgb_00129.jpg /dining_room_0037/sync_depth_00129.png 518.8579 +/bedroom_0078/rgb_00154.jpg /bedroom_0078/sync_depth_00154.png 518.8579 +/bedroom_0051/rgb_00048.jpg /bedroom_0051/sync_depth_00048.png 518.8579 +/living_room_0085/rgb_00046.jpg /living_room_0085/sync_depth_00046.png 518.8579 +/office_0011/rgb_00066.jpg /office_0011/sync_depth_00066.png 518.8579 +/bedroom_0056b/rgb_00023.jpg /bedroom_0056b/sync_depth_00023.png 518.8579 +/living_room_0019/rgb_00200.jpg /living_room_0019/sync_depth_00200.png 518.8579 +/study_room_0005b/rgb_00083.jpg /study_room_0005b/sync_depth_00083.png 518.8579 +/classroom_0010/rgb_00076.jpg /classroom_0010/sync_depth_00076.png 518.8579 +/bookstore_0001d/rgb_00232.jpg /bookstore_0001d/sync_depth_00232.png 518.8579 +/bathroom_0048/rgb_00038.jpg /bathroom_0048/sync_depth_00038.png 518.8579 +/dining_room_0008/rgb_00073.jpg /dining_room_0008/sync_depth_00073.png 518.8579 +/bedroom_0017/rgb_00076.jpg /bedroom_0017/sync_depth_00076.png 518.8579 +/bedroom_0042/rgb_00038.jpg /bedroom_0042/sync_depth_00038.png 518.8579 +/bedroom_0106/rgb_00146.jpg /bedroom_0106/sync_depth_00146.png 518.8579 +/nyu_office_0/rgb_00056.jpg /nyu_office_0/sync_depth_00056.png 518.8579 +/dining_room_0029/rgb_00059.jpg /dining_room_0029/sync_depth_00059.png 518.8579 +/kitchen_0053/rgb_00129.jpg /kitchen_0053/sync_depth_00129.png 518.8579 +/bathroom_0049/rgb_00027.jpg /bathroom_0049/sync_depth_00027.png 518.8579 +/bedroom_0140/rgb_00079.jpg /bedroom_0140/sync_depth_00079.png 518.8579 +/bookstore_0001i/rgb_00101.jpg /bookstore_0001i/sync_depth_00101.png 518.8579 +/dining_room_0031/rgb_00394.jpg /dining_room_0031/sync_depth_00394.png 518.8579 +/kitchen_0041/rgb_00015.jpg /kitchen_0041/sync_depth_00015.png 518.8579 +/office_kitchen_0001b/rgb_00012.jpg /office_kitchen_0001b/sync_depth_00012.png 518.8579 +/reception_room_0002/rgb_00104.jpg /reception_room_0002/sync_depth_00104.png 518.8579 +/bookstore_0001h/rgb_00096.jpg /bookstore_0001h/sync_depth_00096.png 518.8579 +/dining_room_0015/rgb_00163.jpg /dining_room_0015/sync_depth_00163.png 518.8579 +/kitchen_0051/rgb_00195.jpg /kitchen_0051/sync_depth_00195.png 518.8579 +/bedroom_0097/rgb_00023.jpg /bedroom_0097/sync_depth_00023.png 518.8579 +/bedroom_0078/rgb_00149.jpg /bedroom_0078/sync_depth_00149.png 518.8579 +/student_lounge_0001/rgb_00175.jpg /student_lounge_0001/sync_depth_00175.png 518.8579 +/kitchen_0052/rgb_00105.jpg /kitchen_0052/sync_depth_00105.png 518.8579 +/living_room_0047b/rgb_00033.jpg /living_room_0047b/sync_depth_00033.png 518.8579 +/bedroom_0052/rgb_00151.jpg /bedroom_0052/sync_depth_00151.png 518.8579 +/bathroom_0048/rgb_00008.jpg /bathroom_0048/sync_depth_00008.png 518.8579 +/bathroom_0002/rgb_00032.jpg /bathroom_0002/sync_depth_00032.png 518.8579 +/living_room_0070/rgb_00038.jpg /living_room_0070/sync_depth_00038.png 518.8579 +/kitchen_0028a/rgb_00016.jpg /kitchen_0028a/sync_depth_00016.png 518.8579 +/kitchen_0051/rgb_00023.jpg /kitchen_0051/sync_depth_00023.png 518.8579 +/reception_room_0002/rgb_00085.jpg /reception_room_0002/sync_depth_00085.png 518.8579 +/living_room_0012/rgb_00012.jpg /living_room_0012/sync_depth_00012.png 518.8579 +/home_office_0008/rgb_00009.jpg /home_office_0008/sync_depth_00009.png 518.8579 +/bedroom_0072/rgb_00133.jpg /bedroom_0072/sync_depth_00133.png 518.8579 +/kitchen_0053/rgb_00043.jpg /kitchen_0053/sync_depth_00043.png 518.8579 +/living_room_0040/rgb_00288.jpg /living_room_0040/sync_depth_00288.png 518.8579 +/living_room_0029/rgb_00116.jpg /living_room_0029/sync_depth_00116.png 518.8579 +/living_room_0012/rgb_00030.jpg /living_room_0012/sync_depth_00030.png 518.8579 +/dining_room_0015/rgb_00205.jpg /dining_room_0015/sync_depth_00205.png 518.8579 +/home_storage_0001/rgb_00007.jpg /home_storage_0001/sync_depth_00007.png 518.8579 +/bedroom_0071/rgb_00023.jpg /bedroom_0071/sync_depth_00023.png 518.8579 +/excercise_room_0001/rgb_00084.jpg /excercise_room_0001/sync_depth_00084.png 518.8579 +/bedroom_0100/rgb_00032.jpg /bedroom_0100/sync_depth_00032.png 518.8579 +/bedroom_0072/rgb_00035.jpg /bedroom_0072/sync_depth_00035.png 518.8579 +/playroom_0006/rgb_00022.jpg /playroom_0006/sync_depth_00022.png 518.8579 +/living_room_0012/rgb_00190.jpg /living_room_0012/sync_depth_00190.png 518.8579 +/bedroom_0034/rgb_00122.jpg /bedroom_0034/sync_depth_00122.png 518.8579 +/dining_room_0012/rgb_00122.jpg /dining_room_0012/sync_depth_00122.png 518.8579 +/office_0009/rgb_00045.jpg /office_0009/sync_depth_00045.png 518.8579 +/living_room_0047b/rgb_00192.jpg /living_room_0047b/sync_depth_00192.png 518.8579 +/cafe_0001c/rgb_00079.jpg /cafe_0001c/sync_depth_00079.png 518.8579 +/living_room_0038/rgb_00095.jpg /living_room_0038/sync_depth_00095.png 518.8579 +/classroom_0006/rgb_00074.jpg /classroom_0006/sync_depth_00074.png 518.8579 +/dining_room_0007/rgb_00202.jpg /dining_room_0007/sync_depth_00202.png 518.8579 +/living_room_0029/rgb_00107.jpg /living_room_0029/sync_depth_00107.png 518.8579 +/kitchen_0035b/rgb_00289.jpg /kitchen_0035b/sync_depth_00289.png 518.8579 +/dining_room_0031/rgb_00168.jpg /dining_room_0031/sync_depth_00168.png 518.8579 +/bedroom_0098/rgb_00019.jpg /bedroom_0098/sync_depth_00019.png 518.8579 +/office_0006/rgb_00002.jpg /office_0006/sync_depth_00002.png 518.8579 +/dining_room_0001b/rgb_00025.jpg /dining_room_0001b/sync_depth_00025.png 518.8579 +/bedroom_0010/rgb_00065.jpg /bedroom_0010/sync_depth_00065.png 518.8579 +/bedroom_0016/rgb_00043.jpg /bedroom_0016/sync_depth_00043.png 518.8579 +/office_0026/rgb_00129.jpg /office_0026/sync_depth_00129.png 518.8579 +/dining_room_0002/rgb_00011.jpg /dining_room_0002/sync_depth_00011.png 518.8579 +/dining_room_0012/rgb_00113.jpg /dining_room_0012/sync_depth_00113.png 518.8579 +/basement_0001a/rgb_00171.jpg /basement_0001a/sync_depth_00171.png 518.8579 +/office_kitchen_0001a/rgb_00022.jpg /office_kitchen_0001a/sync_depth_00022.png 518.8579 +/kitchen_0051/rgb_00214.jpg /kitchen_0051/sync_depth_00214.png 518.8579 +/furniture_store_0002a/rgb_00129.jpg /furniture_store_0002a/sync_depth_00129.png 518.8579 +/bookstore_0001f/rgb_00425.jpg /bookstore_0001f/sync_depth_00425.png 518.8579 +/kitchen_0053/rgb_00166.jpg /kitchen_0053/sync_depth_00166.png 518.8579 +/foyer_0002/rgb_00041.jpg /foyer_0002/sync_depth_00041.png 518.8579 +/bedroom_0072/rgb_00112.jpg /bedroom_0072/sync_depth_00112.png 518.8579 +/bedroom_0140/rgb_00056.jpg /bedroom_0140/sync_depth_00056.png 518.8579 +/bedroom_0019/rgb_00025.jpg /bedroom_0019/sync_depth_00025.png 518.8579 +/cafe_0001c/rgb_00003.jpg /cafe_0001c/sync_depth_00003.png 518.8579 +/bathroom_0007/rgb_00089.jpg /bathroom_0007/sync_depth_00089.png 518.8579 +/dining_room_0007/rgb_00004.jpg /dining_room_0007/sync_depth_00004.png 518.8579 +/bedroom_0072/rgb_00085.jpg /bedroom_0072/sync_depth_00085.png 518.8579 +/home_storage_0001/rgb_00094.jpg /home_storage_0001/sync_depth_00094.png 518.8579 +/living_room_0012/rgb_00063.jpg /living_room_0012/sync_depth_00063.png 518.8579 +/living_room_0005/rgb_00116.jpg /living_room_0005/sync_depth_00116.png 518.8579 +/kitchen_0050/rgb_00199.jpg /kitchen_0050/sync_depth_00199.png 518.8579 +/bedroom_0026/rgb_00063.jpg /bedroom_0026/sync_depth_00063.png 518.8579 +/home_office_0004/rgb_00009.jpg /home_office_0004/sync_depth_00009.png 518.8579 +/basement_0001a/rgb_00016.jpg /basement_0001a/sync_depth_00016.png 518.8579 +/bedroom_0074/rgb_00085.jpg /bedroom_0074/sync_depth_00085.png 518.8579 +/bedroom_0104/rgb_00023.jpg /bedroom_0104/sync_depth_00023.png 518.8579 +/home_office_0006/rgb_00042.jpg /home_office_0006/sync_depth_00042.png 518.8579 +/nyu_office_0/rgb_00410.jpg /nyu_office_0/sync_depth_00410.png 518.8579 +/furniture_store_0001d/rgb_00258.jpg /furniture_store_0001d/sync_depth_00258.png 518.8579 +/kitchen_0029c/rgb_00140.jpg /kitchen_0029c/sync_depth_00140.png 518.8579 +/bedroom_0051/rgb_00064.jpg /bedroom_0051/sync_depth_00064.png 518.8579 +/office_0025/rgb_00017.jpg /office_0025/sync_depth_00017.png 518.8579 +/living_room_0046b/rgb_00058.jpg /living_room_0046b/sync_depth_00058.png 518.8579 +/bookstore_0001f/rgb_00187.jpg /bookstore_0001f/sync_depth_00187.png 518.8579 +/furniture_store_0002d/rgb_00067.jpg /furniture_store_0002d/sync_depth_00067.png 518.8579 +/kitchen_0028b/rgb_00068.jpg /kitchen_0028b/sync_depth_00068.png 518.8579 +/kitchen_0051/rgb_00120.jpg /kitchen_0051/sync_depth_00120.png 518.8579 +/bedroom_0078/rgb_00049.jpg /bedroom_0078/sync_depth_00049.png 518.8579 +/living_room_0010/rgb_00193.jpg /living_room_0010/sync_depth_00193.png 518.8579 +/bookstore_0001d/rgb_00235.jpg /bookstore_0001d/sync_depth_00235.png 518.8579 +/living_room_0010/rgb_00062.jpg /living_room_0010/sync_depth_00062.png 518.8579 +/kitchen_0008/rgb_00028.jpg /kitchen_0008/sync_depth_00028.png 518.8579 +/kitchen_0010/rgb_00132.jpg /kitchen_0010/sync_depth_00132.png 518.8579 +/living_room_0047b/rgb_00009.jpg /living_room_0047b/sync_depth_00009.png 518.8579 +/kitchen_0033/rgb_00159.jpg /kitchen_0033/sync_depth_00159.png 518.8579 +/conference_room_0001/rgb_00082.jpg /conference_room_0001/sync_depth_00082.png 518.8579 +/kitchen_0031/rgb_00027.jpg /kitchen_0031/sync_depth_00027.png 518.8579 +/living_room_0047b/rgb_00060.jpg /living_room_0047b/sync_depth_00060.png 518.8579 +/living_room_0050/rgb_00285.jpg /living_room_0050/sync_depth_00285.png 518.8579 +/bathroom_0055/rgb_00005.jpg /bathroom_0055/sync_depth_00005.png 518.8579 +/living_room_0019/rgb_00101.jpg /living_room_0019/sync_depth_00101.png 518.8579 +/dining_room_0028/rgb_00117.jpg /dining_room_0028/sync_depth_00117.png 518.8579 +/bathroom_0024/rgb_00013.jpg /bathroom_0024/sync_depth_00013.png 518.8579 +/bedroom_0078/rgb_00027.jpg /bedroom_0078/sync_depth_00027.png 518.8579 +/bedroom_0056b/rgb_00026.jpg /bedroom_0056b/sync_depth_00026.png 518.8579 +/kitchen_0045a/rgb_00139.jpg /kitchen_0045a/sync_depth_00139.png 518.8579 +/living_room_0046a/rgb_00015.jpg /living_room_0046a/sync_depth_00015.png 518.8579 +/living_room_0012/rgb_00018.jpg /living_room_0012/sync_depth_00018.png 518.8579 +/kitchen_0052/rgb_00013.jpg /kitchen_0052/sync_depth_00013.png 518.8579 +/kitchen_0019a/rgb_00280.jpg /kitchen_0019a/sync_depth_00280.png 518.8579 +/living_room_0062/rgb_00155.jpg /living_room_0062/sync_depth_00155.png 518.8579 +/office_0009/rgb_00031.jpg /office_0009/sync_depth_00031.png 518.8579 +/bedroom_0086/rgb_00111.jpg /bedroom_0086/sync_depth_00111.png 518.8579 +/living_room_0050/rgb_00065.jpg /living_room_0050/sync_depth_00065.png 518.8579 +/cafe_0001c/rgb_00001.jpg /cafe_0001c/sync_depth_00001.png 518.8579 +/kitchen_0035a/rgb_00039.jpg /kitchen_0035a/sync_depth_00039.png 518.8579 +/home_office_0008/rgb_00176.jpg /home_office_0008/sync_depth_00176.png 518.8579 +/kitchen_0048/rgb_00208.jpg /kitchen_0048/sync_depth_00208.png 518.8579 +/bedroom_0078/rgb_00152.jpg /bedroom_0078/sync_depth_00152.png 518.8579 +/home_office_0013/rgb_00079.jpg /home_office_0013/sync_depth_00079.png 518.8579 +/office_0012/rgb_00096.jpg /office_0012/sync_depth_00096.png 518.8579 +/dining_room_0013/rgb_00030.jpg /dining_room_0013/sync_depth_00030.png 518.8579 +/bookstore_0001e/rgb_00102.jpg /bookstore_0001e/sync_depth_00102.png 518.8579 +/kitchen_0049/rgb_00167.jpg /kitchen_0049/sync_depth_00167.png 518.8579 +/home_office_0006/rgb_00144.jpg /home_office_0006/sync_depth_00144.png 518.8579 +/dining_room_0031/rgb_00319.jpg /dining_room_0031/sync_depth_00319.png 518.8579 +/furniture_store_0001e/rgb_00045.jpg /furniture_store_0001e/sync_depth_00045.png 518.8579 +/living_room_0039/rgb_00044.jpg /living_room_0039/sync_depth_00044.png 518.8579 +/study_room_0004/rgb_00197.jpg /study_room_0004/sync_depth_00197.png 518.8579 +/dining_room_0024/rgb_00117.jpg /dining_room_0024/sync_depth_00117.png 518.8579 +/living_room_0040/rgb_00077.jpg /living_room_0040/sync_depth_00077.png 518.8579 +/home_office_0004/rgb_00138.jpg /home_office_0004/sync_depth_00138.png 518.8579 +/living_room_0020/rgb_00026.jpg /living_room_0020/sync_depth_00026.png 518.8579 +/dining_room_0034/rgb_00146.jpg /dining_room_0034/sync_depth_00146.png 518.8579 +/cafe_0001a/rgb_00028.jpg /cafe_0001a/sync_depth_00028.png 518.8579 +/playroom_0002/rgb_00083.jpg /playroom_0002/sync_depth_00083.png 518.8579 +/bedroom_0039/rgb_00015.jpg /bedroom_0039/sync_depth_00015.png 518.8579 +/bedroom_0125b/rgb_00066.jpg /bedroom_0125b/sync_depth_00066.png 518.8579 +/kitchen_0047/rgb_00117.jpg /kitchen_0047/sync_depth_00117.png 518.8579 +/office_0023/rgb_00026.jpg /office_0023/sync_depth_00026.png 518.8579 +/living_room_0004/rgb_00152.jpg /living_room_0004/sync_depth_00152.png 518.8579 +/office_0011/rgb_00099.jpg /office_0011/sync_depth_00099.png 518.8579 +/bedroom_0051/rgb_00110.jpg /bedroom_0051/sync_depth_00110.png 518.8579 +/kitchen_0003/rgb_00065.jpg /kitchen_0003/sync_depth_00065.png 518.8579 +/furniture_store_0001d/rgb_00239.jpg /furniture_store_0001d/sync_depth_00239.png 518.8579 +/bookstore_0001h/rgb_00004.jpg /bookstore_0001h/sync_depth_00004.png 518.8579 +/bookstore_0001j/rgb_00005.jpg /bookstore_0001j/sync_depth_00005.png 518.8579 +/living_room_0040/rgb_00120.jpg /living_room_0040/sync_depth_00120.png 518.8579 +/bedroom_0078/rgb_00040.jpg /bedroom_0078/sync_depth_00040.png 518.8579 +/dining_room_0034/rgb_00034.jpg /dining_room_0034/sync_depth_00034.png 518.8579 +/furniture_store_0001d/rgb_00161.jpg /furniture_store_0001d/sync_depth_00161.png 518.8579 +/kitchen_0017/rgb_00030.jpg /kitchen_0017/sync_depth_00030.png 518.8579 +/living_room_0019/rgb_00093.jpg /living_room_0019/sync_depth_00093.png 518.8579 +/living_room_0037/rgb_00004.jpg /living_room_0037/sync_depth_00004.png 518.8579 +/kitchen_0059/rgb_00048.jpg /kitchen_0059/sync_depth_00048.png 518.8579 +/bathroom_0039/rgb_00005.jpg /bathroom_0039/sync_depth_00005.png 518.8579 +/living_room_0018/rgb_00129.jpg /living_room_0018/sync_depth_00129.png 518.8579 +/living_room_0086b/rgb_00024.jpg /living_room_0086b/sync_depth_00024.png 518.8579 +/furniture_store_0002a/rgb_00238.jpg /furniture_store_0002a/sync_depth_00238.png 518.8579 +/office_kitchen_0001b/rgb_00033.jpg /office_kitchen_0001b/sync_depth_00033.png 518.8579 +/bedroom_0079/rgb_00040.jpg /bedroom_0079/sync_depth_00040.png 518.8579 +/bedroom_0076a/rgb_00005.jpg /bedroom_0076a/sync_depth_00005.png 518.8579 +/dining_room_0001b/rgb_00127.jpg /dining_room_0001b/sync_depth_00127.png 518.8579 +/dining_room_0012/rgb_00227.jpg /dining_room_0012/sync_depth_00227.png 518.8579 +/bedroom_0125b/rgb_00099.jpg /bedroom_0125b/sync_depth_00099.png 518.8579 +/furniture_store_0002a/rgb_00171.jpg /furniture_store_0002a/sync_depth_00171.png 518.8579 +/bedroom_0080/rgb_00043.jpg /bedroom_0080/sync_depth_00043.png 518.8579 +/living_room_0042b/rgb_00073.jpg /living_room_0042b/sync_depth_00073.png 518.8579 +/bedroom_0082/rgb_00030.jpg /bedroom_0082/sync_depth_00030.png 518.8579 +/dining_room_0031/rgb_00287.jpg /dining_room_0031/sync_depth_00287.png 518.8579 +/bedroom_0060/rgb_00058.jpg /bedroom_0060/sync_depth_00058.png 518.8579 +/dining_room_0034/rgb_00080.jpg /dining_room_0034/sync_depth_00080.png 518.8579 +/bookstore_0001g/rgb_00181.jpg /bookstore_0001g/sync_depth_00181.png 518.8579 +/kitchen_0050/rgb_00005.jpg /kitchen_0050/sync_depth_00005.png 518.8579 +/bedroom_0104/rgb_00045.jpg /bedroom_0104/sync_depth_00045.png 518.8579 +/bedroom_0040/rgb_00012.jpg /bedroom_0040/sync_depth_00012.png 518.8579 +/dining_room_0019/rgb_00121.jpg /dining_room_0019/sync_depth_00121.png 518.8579 +/living_room_0039/rgb_00016.jpg /living_room_0039/sync_depth_00016.png 518.8579 +/bedroom_0120/rgb_00062.jpg /bedroom_0120/sync_depth_00062.png 518.8579 +/bedroom_0026/rgb_00079.jpg /bedroom_0026/sync_depth_00079.png 518.8579 +/kitchen_0045b/rgb_00157.jpg /kitchen_0045b/sync_depth_00157.png 518.8579 +/bathroom_0006/rgb_00015.jpg /bathroom_0006/sync_depth_00015.png 518.8579 +/printer_room_0001/rgb_00060.jpg /printer_room_0001/sync_depth_00060.png 518.8579 +/bedroom_0079/rgb_00010.jpg /bedroom_0079/sync_depth_00010.png 518.8579 +/kitchen_0033/rgb_00020.jpg /kitchen_0033/sync_depth_00020.png 518.8579 +/furniture_store_0002b/rgb_00107.jpg /furniture_store_0002b/sync_depth_00107.png 518.8579 +/bathroom_0016/rgb_00013.jpg /bathroom_0016/sync_depth_00013.png 518.8579 +/living_room_0063/rgb_00008.jpg /living_room_0063/sync_depth_00008.png 518.8579 +/living_room_0037/rgb_00043.jpg /living_room_0037/sync_depth_00043.png 518.8579 +/bedroom_0094/rgb_00041.jpg /bedroom_0094/sync_depth_00041.png 518.8579 +/office_kitchen_0003/rgb_00125.jpg /office_kitchen_0003/sync_depth_00125.png 518.8579 +/dining_room_0034/rgb_00075.jpg /dining_room_0034/sync_depth_00075.png 518.8579 +/bedroom_0069/rgb_00067.jpg /bedroom_0069/sync_depth_00067.png 518.8579 +/dining_room_0001b/rgb_00226.jpg /dining_room_0001b/sync_depth_00226.png 518.8579 +/living_room_0047b/rgb_00114.jpg /living_room_0047b/sync_depth_00114.png 518.8579 +/living_room_0020/rgb_00129.jpg /living_room_0020/sync_depth_00129.png 518.8579 +/bookstore_0001f/rgb_00445.jpg /bookstore_0001f/sync_depth_00445.png 518.8579 +/home_office_0008/rgb_00139.jpg /home_office_0008/sync_depth_00139.png 518.8579 +/kitchen_0031/rgb_00136.jpg /kitchen_0031/sync_depth_00136.png 518.8579 +/furniture_store_0001d/rgb_00035.jpg /furniture_store_0001d/sync_depth_00035.png 518.8579 +/kitchen_0043/rgb_00196.jpg /kitchen_0043/sync_depth_00196.png 518.8579 +/living_room_0068/rgb_00087.jpg /living_room_0068/sync_depth_00087.png 518.8579 +/bedroom_0069/rgb_00098.jpg /bedroom_0069/sync_depth_00098.png 518.8579 +/basement_0001a/rgb_00111.jpg /basement_0001a/sync_depth_00111.png 518.8579 +/study_room_0005a/rgb_00002.jpg /study_room_0005a/sync_depth_00002.png 518.8579 +/bathroom_0057/rgb_00028.jpg /bathroom_0057/sync_depth_00028.png 518.8579 +/kitchen_0051/rgb_00219.jpg /kitchen_0051/sync_depth_00219.png 518.8579 +/bookstore_0001f/rgb_00391.jpg /bookstore_0001f/sync_depth_00391.png 518.8579 +/reception_room_0002/rgb_00171.jpg /reception_room_0002/sync_depth_00171.png 518.8579 +/kitchen_0006/rgb_00043.jpg /kitchen_0006/sync_depth_00043.png 518.8579 +/dining_room_0010/rgb_00083.jpg /dining_room_0010/sync_depth_00083.png 518.8579 +/living_room_0082/rgb_00009.jpg /living_room_0082/sync_depth_00009.png 518.8579 +/dining_room_0029/rgb_00121.jpg /dining_room_0029/sync_depth_00121.png 518.8579 +/bookstore_0001h/rgb_00094.jpg /bookstore_0001h/sync_depth_00094.png 518.8579 +/living_room_0011/rgb_00109.jpg /living_room_0011/sync_depth_00109.png 518.8579 +/living_room_0019/rgb_00064.jpg /living_room_0019/sync_depth_00064.png 518.8579 +/living_room_0039/rgb_00066.jpg /living_room_0039/sync_depth_00066.png 518.8579 +/living_room_0018/rgb_00130.jpg /living_room_0018/sync_depth_00130.png 518.8579 +/living_room_0071/rgb_00026.jpg /living_room_0071/sync_depth_00026.png 518.8579 +/bedroom_0034/rgb_00030.jpg /bedroom_0034/sync_depth_00030.png 518.8579 +/kitchen_0047/rgb_00094.jpg /kitchen_0047/sync_depth_00094.png 518.8579 +/bedroom_0100/rgb_00030.jpg /bedroom_0100/sync_depth_00030.png 518.8579 +/living_room_0040/rgb_00173.jpg /living_room_0040/sync_depth_00173.png 518.8579 +/bookstore_0001d/rgb_00112.jpg /bookstore_0001d/sync_depth_00112.png 518.8579 +/furniture_store_0002b/rgb_00216.jpg /furniture_store_0002b/sync_depth_00216.png 518.8579 +/bedroom_0063/rgb_00015.jpg /bedroom_0063/sync_depth_00015.png 518.8579 +/furniture_store_0002a/rgb_00299.jpg /furniture_store_0002a/sync_depth_00299.png 518.8579 +/reception_room_0004/rgb_00046.jpg /reception_room_0004/sync_depth_00046.png 518.8579 +/bedroom_0052/rgb_00192.jpg /bedroom_0052/sync_depth_00192.png 518.8579 +/excercise_room_0001/rgb_00082.jpg /excercise_room_0001/sync_depth_00082.png 518.8579 +/bedroom_0098/rgb_00006.jpg /bedroom_0098/sync_depth_00006.png 518.8579 +/kitchen_0028b/rgb_00003.jpg /kitchen_0028b/sync_depth_00003.png 518.8579 +/furniture_store_0002a/rgb_00293.jpg /furniture_store_0002a/sync_depth_00293.png 518.8579 +/bedroom_0053/rgb_00086.jpg /bedroom_0053/sync_depth_00086.png 518.8579 +/living_room_0012/rgb_00156.jpg /living_room_0012/sync_depth_00156.png 518.8579 +/kitchen_0049/rgb_00228.jpg /kitchen_0049/sync_depth_00228.png 518.8579 +/dining_room_0033/rgb_00180.jpg /dining_room_0033/sync_depth_00180.png 518.8579 +/living_room_0058/rgb_00209.jpg /living_room_0058/sync_depth_00209.png 518.8579 +/bathroom_0034/rgb_00018.jpg /bathroom_0034/sync_depth_00018.png 518.8579 +/bedroom_0019/rgb_00006.jpg /bedroom_0019/sync_depth_00006.png 518.8579 +/bookstore_0001j/rgb_00179.jpg /bookstore_0001j/sync_depth_00179.png 518.8579 +/kitchen_0059/rgb_00035.jpg /kitchen_0059/sync_depth_00035.png 518.8579 +/kitchen_0011a/rgb_00021.jpg /kitchen_0011a/sync_depth_00021.png 518.8579 +/office_0019/rgb_00000.jpg /office_0019/sync_depth_00000.png 518.8579 +/bedroom_0060/rgb_00053.jpg /bedroom_0060/sync_depth_00053.png 518.8579 +/bedroom_0078/rgb_00039.jpg /bedroom_0078/sync_depth_00039.png 518.8579 +/home_office_0008/rgb_00113.jpg /home_office_0008/sync_depth_00113.png 518.8579 +/dining_room_0015/rgb_00282.jpg /dining_room_0015/sync_depth_00282.png 518.8579 +/dining_room_0004/rgb_00108.jpg /dining_room_0004/sync_depth_00108.png 518.8579 +/living_room_0035/rgb_00112.jpg /living_room_0035/sync_depth_00112.png 518.8579 +/living_room_0012/rgb_00171.jpg /living_room_0012/sync_depth_00171.png 518.8579 +/office_0024/rgb_00121.jpg /office_0024/sync_depth_00121.png 518.8579 +/kitchen_0060/rgb_00108.jpg /kitchen_0060/sync_depth_00108.png 518.8579 +/living_room_0033/rgb_00025.jpg /living_room_0033/sync_depth_00025.png 518.8579 +/bedroom_0130/rgb_00078.jpg /bedroom_0130/sync_depth_00078.png 518.8579 +/bedroom_0076a/rgb_00267.jpg /bedroom_0076a/sync_depth_00267.png 518.8579 +/dining_room_0034/rgb_00041.jpg /dining_room_0034/sync_depth_00041.png 518.8579 +/bookstore_0001d/rgb_00037.jpg /bookstore_0001d/sync_depth_00037.png 518.8579 +/living_room_0083/rgb_00004.jpg /living_room_0083/sync_depth_00004.png 518.8579 +/dining_room_0033/rgb_00002.jpg /dining_room_0033/sync_depth_00002.png 518.8579 +/bedroom_0076a/rgb_00025.jpg /bedroom_0076a/sync_depth_00025.png 518.8579 +/living_room_0018/rgb_00049.jpg /living_room_0018/sync_depth_00049.png 518.8579 +/playroom_0004/rgb_00081.jpg /playroom_0004/sync_depth_00081.png 518.8579 +/bedroom_0017/rgb_00138.jpg /bedroom_0017/sync_depth_00138.png 518.8579 +/office_0011/rgb_00029.jpg /office_0011/sync_depth_00029.png 518.8579 +/office_0019/rgb_00028.jpg /office_0019/sync_depth_00028.png 518.8579 +/living_room_0069a/rgb_00084.jpg /living_room_0069a/sync_depth_00084.png 518.8579 +/bedroom_0026/rgb_00114.jpg /bedroom_0026/sync_depth_00114.png 518.8579 +/living_room_0058/rgb_00151.jpg /living_room_0058/sync_depth_00151.png 518.8579 +/kitchen_0035b/rgb_00079.jpg /kitchen_0035b/sync_depth_00079.png 518.8579 +/playroom_0006/rgb_00128.jpg /playroom_0006/sync_depth_00128.png 518.8579 +/living_room_0022/rgb_00037.jpg /living_room_0022/sync_depth_00037.png 518.8579 +/kitchen_0049/rgb_00176.jpg /kitchen_0049/sync_depth_00176.png 518.8579 +/bedroom_0010/rgb_00077.jpg /bedroom_0010/sync_depth_00077.png 518.8579 +/foyer_0002/rgb_00005.jpg /foyer_0002/sync_depth_00005.png 518.8579 +/living_room_0046a/rgb_00088.jpg /living_room_0046a/sync_depth_00088.png 518.8579 +/dining_room_0001b/rgb_00043.jpg /dining_room_0001b/sync_depth_00043.png 518.8579 +/living_room_0035/rgb_00027.jpg /living_room_0035/sync_depth_00027.png 518.8579 +/bookstore_0001i/rgb_00147.jpg /bookstore_0001i/sync_depth_00147.png 518.8579 +/bedroom_0086/rgb_00087.jpg /bedroom_0086/sync_depth_00087.png 518.8579 +/kitchen_0029a/rgb_00005.jpg /kitchen_0029a/sync_depth_00005.png 518.8579 +/bedroom_0076a/rgb_00006.jpg /bedroom_0076a/sync_depth_00006.png 518.8579 +/kitchen_0052/rgb_00061.jpg /kitchen_0052/sync_depth_00061.png 518.8579 +/living_room_0029/rgb_00100.jpg /living_room_0029/sync_depth_00100.png 518.8579 +/kitchen_0033/rgb_00119.jpg /kitchen_0033/sync_depth_00119.png 518.8579 +/furniture_store_0002c/rgb_00041.jpg /furniture_store_0002c/sync_depth_00041.png 518.8579 +/excercise_room_0001/rgb_00076.jpg /excercise_room_0001/sync_depth_00076.png 518.8579 +/bathroom_0049/rgb_00029.jpg /bathroom_0049/sync_depth_00029.png 518.8579 +/living_room_0050/rgb_00161.jpg /living_room_0050/sync_depth_00161.png 518.8579 +/bedroom_0057/rgb_00010.jpg /bedroom_0057/sync_depth_00010.png 518.8579 +/kitchen_0051/rgb_00267.jpg /kitchen_0051/sync_depth_00267.png 518.8579 +/dining_room_0023/rgb_00070.jpg /dining_room_0023/sync_depth_00070.png 518.8579 +/bedroom_0136/rgb_00036.jpg /bedroom_0136/sync_depth_00036.png 518.8579 +/kitchen_0035b/rgb_00285.jpg /kitchen_0035b/sync_depth_00285.png 518.8579 +/bathroom_0053/rgb_00023.jpg /bathroom_0053/sync_depth_00023.png 518.8579 +/kitchen_0016/rgb_00043.jpg /kitchen_0016/sync_depth_00043.png 518.8579 +/kitchen_0049/rgb_00012.jpg /kitchen_0049/sync_depth_00012.png 518.8579 +/bedroom_0059/rgb_00065.jpg /bedroom_0059/sync_depth_00065.png 518.8579 +/bedroom_0078/rgb_00071.jpg /bedroom_0078/sync_depth_00071.png 518.8579 +/kitchen_0050/rgb_00137.jpg /kitchen_0050/sync_depth_00137.png 518.8579 +/living_room_0029/rgb_00064.jpg /living_room_0029/sync_depth_00064.png 518.8579 +/bathroom_0055/rgb_00003.jpg /bathroom_0055/sync_depth_00003.png 518.8579 +/dining_room_0012/rgb_00095.jpg /dining_room_0012/sync_depth_00095.png 518.8579 +/bookstore_0001i/rgb_00037.jpg /bookstore_0001i/sync_depth_00037.png 518.8579 +/bedroom_0038/rgb_00023.jpg /bedroom_0038/sync_depth_00023.png 518.8579 +/conference_room_0001/rgb_00009.jpg /conference_room_0001/sync_depth_00009.png 518.8579 +/bedroom_0118/rgb_00005.jpg /bedroom_0118/sync_depth_00005.png 518.8579 +/bedroom_0033/rgb_00160.jpg /bedroom_0033/sync_depth_00160.png 518.8579 +/kitchen_0045a/rgb_00206.jpg /kitchen_0045a/sync_depth_00206.png 518.8579 +/dining_room_0016/rgb_00218.jpg /dining_room_0016/sync_depth_00218.png 518.8579 +/office_0006/rgb_00051.jpg /office_0006/sync_depth_00051.png 518.8579 +/bathroom_0045a/rgb_00000.jpg /bathroom_0045a/sync_depth_00000.png 518.8579 +/kitchen_0048/rgb_00111.jpg /kitchen_0048/sync_depth_00111.png 518.8579 +/kitchen_0049/rgb_00127.jpg /kitchen_0049/sync_depth_00127.png 518.8579 +/bedroom_0004/rgb_00181.jpg /bedroom_0004/sync_depth_00181.png 518.8579 +/bedroom_0090/rgb_00035.jpg /bedroom_0090/sync_depth_00035.png 518.8579 +/cafe_0001b/rgb_00048.jpg /cafe_0001b/sync_depth_00048.png 518.8579 +/bathroom_0035/rgb_00030.jpg /bathroom_0035/sync_depth_00030.png 518.8579 +/nyu_office_0/rgb_00321.jpg /nyu_office_0/sync_depth_00321.png 518.8579 +/office_0026/rgb_00084.jpg /office_0026/sync_depth_00084.png 518.8579 +/dining_room_0007/rgb_00007.jpg /dining_room_0007/sync_depth_00007.png 518.8579 +/bookstore_0001h/rgb_00025.jpg /bookstore_0001h/sync_depth_00025.png 518.8579 +/nyu_office_0/rgb_00162.jpg /nyu_office_0/sync_depth_00162.png 518.8579 +/furniture_store_0002a/rgb_00027.jpg /furniture_store_0002a/sync_depth_00027.png 518.8579 +/living_room_0018/rgb_00217.jpg /living_room_0018/sync_depth_00217.png 518.8579 +/home_storage_0001/rgb_00030.jpg /home_storage_0001/sync_depth_00030.png 518.8579 +/living_room_0033/rgb_00044.jpg /living_room_0033/sync_depth_00044.png 518.8579 +/bathroom_0005/rgb_00012.jpg /bathroom_0005/sync_depth_00012.png 518.8579 +/dining_room_0031/rgb_00180.jpg /dining_room_0031/sync_depth_00180.png 518.8579 +/home_office_0006/rgb_00062.jpg /home_office_0006/sync_depth_00062.png 518.8579 +/bedroom_0053/rgb_00076.jpg /bedroom_0053/sync_depth_00076.png 518.8579 +/playroom_0006/rgb_00048.jpg /playroom_0006/sync_depth_00048.png 518.8579 +/living_room_0029/rgb_00102.jpg /living_room_0029/sync_depth_00102.png 518.8579 +/bookstore_0001g/rgb_00056.jpg /bookstore_0001g/sync_depth_00056.png 518.8579 +/living_room_0020/rgb_00236.jpg /living_room_0020/sync_depth_00236.png 518.8579 +/excercise_room_0001/rgb_00075.jpg /excercise_room_0001/sync_depth_00075.png 518.8579 +/dining_room_0013/rgb_00093.jpg /dining_room_0013/sync_depth_00093.png 518.8579 +/living_room_0050/rgb_00232.jpg /living_room_0050/sync_depth_00232.png 518.8579 +/living_room_0020/rgb_00121.jpg /living_room_0020/sync_depth_00121.png 518.8579 +/bedroom_0062/rgb_00029.jpg /bedroom_0062/sync_depth_00029.png 518.8579 +/nyu_office_0/rgb_00359.jpg /nyu_office_0/sync_depth_00359.png 518.8579 +/bedroom_0004/rgb_00004.jpg /bedroom_0004/sync_depth_00004.png 518.8579 +/bedroom_0078/rgb_00082.jpg /bedroom_0078/sync_depth_00082.png 518.8579 +/classroom_0005/rgb_00033.jpg /classroom_0005/sync_depth_00033.png 518.8579 +/office_0026/rgb_00187.jpg /office_0026/sync_depth_00187.png 518.8579 +/bathroom_0042/rgb_00045.jpg /bathroom_0042/sync_depth_00045.png 518.8579 +/nyu_office_0/rgb_00306.jpg /nyu_office_0/sync_depth_00306.png 518.8579 +/dining_room_0001b/rgb_00243.jpg /dining_room_0001b/sync_depth_00243.png 518.8579 +/dining_room_0007/rgb_00099.jpg /dining_room_0007/sync_depth_00099.png 518.8579 +/kitchen_0035b/rgb_00302.jpg /kitchen_0035b/sync_depth_00302.png 518.8579 +/bookstore_0001d/rgb_00225.jpg /bookstore_0001d/sync_depth_00225.png 518.8579 +/study_room_0004/rgb_00145.jpg /study_room_0004/sync_depth_00145.png 518.8579 +/office_0019/rgb_00021.jpg /office_0019/sync_depth_00021.png 518.8579 +/furniture_store_0002b/rgb_00245.jpg /furniture_store_0002b/sync_depth_00245.png 518.8579 +/kitchen_0028a/rgb_00186.jpg /kitchen_0028a/sync_depth_00186.png 518.8579 +/dining_room_0012/rgb_00182.jpg /dining_room_0012/sync_depth_00182.png 518.8579 +/bedroom_0060/rgb_00047.jpg /bedroom_0060/sync_depth_00047.png 518.8579 +/bookstore_0001f/rgb_00220.jpg /bookstore_0001f/sync_depth_00220.png 518.8579 +/dinette_0001/rgb_00073.jpg /dinette_0001/sync_depth_00073.png 518.8579 +/reception_room_0001b/rgb_00049.jpg /reception_room_0001b/sync_depth_00049.png 518.8579 +/bathroom_0030/rgb_00020.jpg /bathroom_0030/sync_depth_00020.png 518.8579 +/bedroom_0140/rgb_00157.jpg /bedroom_0140/sync_depth_00157.png 518.8579 +/bedroom_0042/rgb_00061.jpg /bedroom_0042/sync_depth_00061.png 518.8579 +/dining_room_0008/rgb_00090.jpg /dining_room_0008/sync_depth_00090.png 518.8579 +/kitchen_0019a/rgb_00202.jpg /kitchen_0019a/sync_depth_00202.png 518.8579 +/classroom_0011/rgb_00073.jpg /classroom_0011/sync_depth_00073.png 518.8579 +/furniture_store_0001d/rgb_00172.jpg /furniture_store_0001d/sync_depth_00172.png 518.8579 +/bathroom_0054/rgb_00022.jpg /bathroom_0054/sync_depth_00022.png 518.8579 +/furniture_store_0002a/rgb_00379.jpg /furniture_store_0002a/sync_depth_00379.png 518.8579 +/playroom_0002/rgb_00144.jpg /playroom_0002/sync_depth_00144.png 518.8579 +/playroom_0006/rgb_00092.jpg /playroom_0006/sync_depth_00092.png 518.8579 +/kitchen_0019a/rgb_00041.jpg /kitchen_0019a/sync_depth_00041.png 518.8579 +/bedroom_0004/rgb_00063.jpg /bedroom_0004/sync_depth_00063.png 518.8579 +/classroom_0003/rgb_00045.jpg /classroom_0003/sync_depth_00045.png 518.8579 +/office_0021/rgb_00047.jpg /office_0021/sync_depth_00047.png 518.8579 +/bedroom_0072/rgb_00130.jpg /bedroom_0072/sync_depth_00130.png 518.8579 +/bookstore_0001g/rgb_00149.jpg /bookstore_0001g/sync_depth_00149.png 518.8579 +/home_storage_0001/rgb_00140.jpg /home_storage_0001/sync_depth_00140.png 518.8579 +/home_office_0004/rgb_00086.jpg /home_office_0004/sync_depth_00086.png 518.8579 +/living_room_0020/rgb_00231.jpg /living_room_0020/sync_depth_00231.png 518.8579 +/furniture_store_0001f/rgb_00007.jpg /furniture_store_0001f/sync_depth_00007.png 518.8579 +/nyu_office_0/rgb_00324.jpg /nyu_office_0/sync_depth_00324.png 518.8579 +/kitchen_0048/rgb_00105.jpg /kitchen_0048/sync_depth_00105.png 518.8579 +/living_room_0058/rgb_00037.jpg /living_room_0058/sync_depth_00037.png 518.8579 +/bookstore_0001i/rgb_00170.jpg /bookstore_0001i/sync_depth_00170.png 518.8579 +/cafe_0001a/rgb_00002.jpg /cafe_0001a/sync_depth_00002.png 518.8579 +/living_room_0029/rgb_00093.jpg /living_room_0029/sync_depth_00093.png 518.8579 +/living_room_0063/rgb_00120.jpg /living_room_0063/sync_depth_00120.png 518.8579 +/bedroom_0098/rgb_00015.jpg /bedroom_0098/sync_depth_00015.png 518.8579 +/bedroom_0016/rgb_00112.jpg /bedroom_0016/sync_depth_00112.png 518.8579 +/kitchen_0017/rgb_00078.jpg /kitchen_0017/sync_depth_00078.png 518.8579 +/kitchen_0029c/rgb_00069.jpg /kitchen_0029c/sync_depth_00069.png 518.8579 +/bedroom_0034/rgb_00087.jpg /bedroom_0034/sync_depth_00087.png 518.8579 +/bedroom_0071/rgb_00104.jpg /bedroom_0071/sync_depth_00104.png 518.8579 +/bathroom_0013/rgb_00016.jpg /bathroom_0013/sync_depth_00016.png 518.8579 +/bedroom_0104/rgb_00030.jpg /bedroom_0104/sync_depth_00030.png 518.8579 +/bookstore_0001e/rgb_00117.jpg /bookstore_0001e/sync_depth_00117.png 518.8579 +/kitchen_0006/rgb_00020.jpg /kitchen_0006/sync_depth_00020.png 518.8579 +/student_lounge_0001/rgb_00065.jpg /student_lounge_0001/sync_depth_00065.png 518.8579 +/living_room_0063/rgb_00169.jpg /living_room_0063/sync_depth_00169.png 518.8579 +/kitchen_0017/rgb_00047.jpg /kitchen_0017/sync_depth_00047.png 518.8579 +/bedroom_0016/rgb_00179.jpg /bedroom_0016/sync_depth_00179.png 518.8579 +/kitchen_0011b/rgb_00051.jpg /kitchen_0011b/sync_depth_00051.png 518.8579 +/kitchen_0033/rgb_00145.jpg /kitchen_0033/sync_depth_00145.png 518.8579 +/bedroom_0025/rgb_00009.jpg /bedroom_0025/sync_depth_00009.png 518.8579 +/dining_room_0028/rgb_00124.jpg /dining_room_0028/sync_depth_00124.png 518.8579 +/cafe_0001a/rgb_00015.jpg /cafe_0001a/sync_depth_00015.png 518.8579 +/kitchen_0019a/rgb_00036.jpg /kitchen_0019a/sync_depth_00036.png 518.8579 +/living_room_0022/rgb_00426.jpg /living_room_0022/sync_depth_00426.png 518.8579 +/dining_room_0033/rgb_00090.jpg /dining_room_0033/sync_depth_00090.png 518.8579 +/bookstore_0001j/rgb_00074.jpg /bookstore_0001j/sync_depth_00074.png 518.8579 +/bathroom_0013/rgb_00045.jpg /bathroom_0013/sync_depth_00045.png 518.8579 +/classroom_0016/rgb_00001.jpg /classroom_0016/sync_depth_00001.png 518.8579 +/bathroom_0050/rgb_00003.jpg /bathroom_0050/sync_depth_00003.png 518.8579 +/kitchen_0010/rgb_00121.jpg /kitchen_0010/sync_depth_00121.png 518.8579 +/bathroom_0039/rgb_00059.jpg /bathroom_0039/sync_depth_00059.png 518.8579 +/living_room_0071/rgb_00022.jpg /living_room_0071/sync_depth_00022.png 518.8579 +/bedroom_0014/rgb_00006.jpg /bedroom_0014/sync_depth_00006.png 518.8579 +/kitchen_0043/rgb_00098.jpg /kitchen_0043/sync_depth_00098.png 518.8579 +/furniture_store_0001a/rgb_00000.jpg /furniture_store_0001a/sync_depth_00000.png 518.8579 +/nyu_office_0/rgb_00264.jpg /nyu_office_0/sync_depth_00264.png 518.8579 +/bedroom_0017/rgb_00039.jpg /bedroom_0017/sync_depth_00039.png 518.8579 +/study_0006/rgb_00004.jpg /study_0006/sync_depth_00004.png 518.8579 +/kitchen_0051/rgb_00207.jpg /kitchen_0051/sync_depth_00207.png 518.8579 +/kitchen_0053/rgb_00132.jpg /kitchen_0053/sync_depth_00132.png 518.8579 +/student_lounge_0001/rgb_00241.jpg /student_lounge_0001/sync_depth_00241.png 518.8579 +/furniture_store_0001b/rgb_00040.jpg /furniture_store_0001b/sync_depth_00040.png 518.8579 +/kitchen_0035b/rgb_00104.jpg /kitchen_0035b/sync_depth_00104.png 518.8579 +/furniture_store_0002d/rgb_00023.jpg /furniture_store_0002d/sync_depth_00023.png 518.8579 +/bedroom_0034/rgb_00100.jpg /bedroom_0034/sync_depth_00100.png 518.8579 +/kitchen_0035b/rgb_00181.jpg /kitchen_0035b/sync_depth_00181.png 518.8579 +/furniture_store_0001d/rgb_00015.jpg /furniture_store_0001d/sync_depth_00015.png 518.8579 +/office_kitchen_0001a/rgb_00014.jpg /office_kitchen_0001a/sync_depth_00014.png 518.8579 +/student_lounge_0001/rgb_00186.jpg /student_lounge_0001/sync_depth_00186.png 518.8579 +/nyu_office_0/rgb_00006.jpg /nyu_office_0/sync_depth_00006.png 518.8579 +/bedroom_0136/rgb_00067.jpg /bedroom_0136/sync_depth_00067.png 518.8579 +/bookstore_0001e/rgb_00050.jpg /bookstore_0001e/sync_depth_00050.png 518.8579 +/basement_0001a/rgb_00166.jpg /basement_0001a/sync_depth_00166.png 518.8579 +/basement_0001a/rgb_00034.jpg /basement_0001a/sync_depth_00034.png 518.8579 +/office_0026/rgb_00052.jpg /office_0026/sync_depth_00052.png 518.8579 +/bedroom_0004/rgb_00067.jpg /bedroom_0004/sync_depth_00067.png 518.8579 +/student_lounge_0001/rgb_00150.jpg /student_lounge_0001/sync_depth_00150.png 518.8579 +/kitchen_0053/rgb_00082.jpg /kitchen_0053/sync_depth_00082.png 518.8579 +/living_room_0018/rgb_00003.jpg /living_room_0018/sync_depth_00003.png 518.8579 +/kitchen_0019a/rgb_00286.jpg /kitchen_0019a/sync_depth_00286.png 518.8579 +/study_0004/rgb_00054.jpg /study_0004/sync_depth_00054.png 518.8579 +/kitchen_0010/rgb_00077.jpg /kitchen_0010/sync_depth_00077.png 518.8579 +/reception_room_0001a/rgb_00054.jpg /reception_room_0001a/sync_depth_00054.png 518.8579 +/cafe_0001c/rgb_00040.jpg /cafe_0001c/sync_depth_00040.png 518.8579 +/dining_room_0013/rgb_00161.jpg /dining_room_0013/sync_depth_00161.png 518.8579 +/furniture_store_0001d/rgb_00043.jpg /furniture_store_0001d/sync_depth_00043.png 518.8579 +/reception_room_0004/rgb_00066.jpg /reception_room_0004/sync_depth_00066.png 518.8579 +/bathroom_0034/rgb_00067.jpg /bathroom_0034/sync_depth_00067.png 518.8579 +/home_office_0004/rgb_00045.jpg /home_office_0004/sync_depth_00045.png 518.8579 +/dining_room_0024/rgb_00124.jpg /dining_room_0024/sync_depth_00124.png 518.8579 +/home_office_0005/rgb_00003.jpg /home_office_0005/sync_depth_00003.png 518.8579 +/home_office_0007/rgb_00059.jpg /home_office_0007/sync_depth_00059.png 518.8579 +/living_room_0019/rgb_00207.jpg /living_room_0019/sync_depth_00207.png 518.8579 +/living_room_0010/rgb_00159.jpg /living_room_0010/sync_depth_00159.png 518.8579 +/kitchen_0033/rgb_00175.jpg /kitchen_0033/sync_depth_00175.png 518.8579 +/bedroom_0033/rgb_00170.jpg /bedroom_0033/sync_depth_00170.png 518.8579 +/bedroom_0016/rgb_00176.jpg /bedroom_0016/sync_depth_00176.png 518.8579 +/office_kitchen_0003/rgb_00116.jpg /office_kitchen_0003/sync_depth_00116.png 518.8579 +/bedroom_0042/rgb_00055.jpg /bedroom_0042/sync_depth_00055.png 518.8579 +/bedroom_0069/rgb_00019.jpg /bedroom_0069/sync_depth_00019.png 518.8579 +/bookstore_0001g/rgb_00251.jpg /bookstore_0001g/sync_depth_00251.png 518.8579 +/living_room_0005/rgb_00061.jpg /living_room_0005/sync_depth_00061.png 518.8579 +/bedroom_0104/rgb_00018.jpg /bedroom_0104/sync_depth_00018.png 518.8579 +/furniture_store_0002a/rgb_00372.jpg /furniture_store_0002a/sync_depth_00372.png 518.8579 +/student_lounge_0001/rgb_00096.jpg /student_lounge_0001/sync_depth_00096.png 518.8579 +/bedroom_0020/rgb_00024.jpg /bedroom_0020/sync_depth_00024.png 518.8579 +/office_0026/rgb_00165.jpg /office_0026/sync_depth_00165.png 518.8579 +/dining_room_0031/rgb_00041.jpg /dining_room_0031/sync_depth_00041.png 518.8579 +/dining_room_0029/rgb_00107.jpg /dining_room_0029/sync_depth_00107.png 518.8579 +/bedroom_0125b/rgb_00037.jpg /bedroom_0125b/sync_depth_00037.png 518.8579 +/living_room_0062/rgb_00212.jpg /living_room_0062/sync_depth_00212.png 518.8579 +/kitchen_0060/rgb_00042.jpg /kitchen_0060/sync_depth_00042.png 518.8579 +/classroom_0006/rgb_00046.jpg /classroom_0006/sync_depth_00046.png 518.8579 +/kitchen_0060/rgb_00120.jpg /kitchen_0060/sync_depth_00120.png 518.8579 +/bookstore_0001f/rgb_00039.jpg /bookstore_0001f/sync_depth_00039.png 518.8579 +/dining_room_0008/rgb_00039.jpg /dining_room_0008/sync_depth_00039.png 518.8579 +/bathroom_0014a/rgb_00072.jpg /bathroom_0014a/sync_depth_00072.png 518.8579 +/bedroom_0053/rgb_00069.jpg /bedroom_0053/sync_depth_00069.png 518.8579 +/furniture_store_0002a/rgb_00117.jpg /furniture_store_0002a/sync_depth_00117.png 518.8579 +/living_room_0078/rgb_00111.jpg /living_room_0078/sync_depth_00111.png 518.8579 +/dining_room_0029/rgb_00048.jpg /dining_room_0029/sync_depth_00048.png 518.8579 +/kitchen_0031/rgb_00075.jpg /kitchen_0031/sync_depth_00075.png 518.8579 +/dining_room_0004/rgb_00030.jpg /dining_room_0004/sync_depth_00030.png 518.8579 +/living_room_0069a/rgb_00074.jpg /living_room_0069a/sync_depth_00074.png 518.8579 +/kitchen_0035a/rgb_00020.jpg /kitchen_0035a/sync_depth_00020.png 518.8579 +/living_room_0018/rgb_00031.jpg /living_room_0018/sync_depth_00031.png 518.8579 +/dining_room_0008/rgb_00131.jpg /dining_room_0008/sync_depth_00131.png 518.8579 +/living_room_0069a/rgb_00087.jpg /living_room_0069a/sync_depth_00087.png 518.8579 +/kitchen_0031/rgb_00181.jpg /kitchen_0031/sync_depth_00181.png 518.8579 +/office_kitchen_0001a/rgb_00005.jpg /office_kitchen_0001a/sync_depth_00005.png 518.8579 +/bedroom_0076a/rgb_00246.jpg /bedroom_0076a/sync_depth_00246.png 518.8579 +/basement_0001a/rgb_00063.jpg /basement_0001a/sync_depth_00063.png 518.8579 +/bathroom_0039/rgb_00020.jpg /bathroom_0039/sync_depth_00020.png 518.8579 +/kitchen_0035b/rgb_00161.jpg /kitchen_0035b/sync_depth_00161.png 518.8579 +/bathroom_0056/rgb_00051.jpg /bathroom_0056/sync_depth_00051.png 518.8579 +/living_room_0063/rgb_00042.jpg /living_room_0063/sync_depth_00042.png 518.8579 +/living_room_0063/rgb_00026.jpg /living_room_0063/sync_depth_00026.png 518.8579 +/dining_room_0029/rgb_00006.jpg /dining_room_0029/sync_depth_00006.png 518.8579 +/furniture_store_0001d/rgb_00011.jpg /furniture_store_0001d/sync_depth_00011.png 518.8579 +/bedroom_0051/rgb_00014.jpg /bedroom_0051/sync_depth_00014.png 518.8579 +/bedroom_0140/rgb_00172.jpg /bedroom_0140/sync_depth_00172.png 518.8579 +/office_0025/rgb_00016.jpg /office_0025/sync_depth_00016.png 518.8579 +/kitchen_0051/rgb_00008.jpg /kitchen_0051/sync_depth_00008.png 518.8579 +/kitchen_0051/rgb_00040.jpg /kitchen_0051/sync_depth_00040.png 518.8579 +/dining_room_0008/rgb_00049.jpg /dining_room_0008/sync_depth_00049.png 518.8579 +/living_room_0083/rgb_00103.jpg /living_room_0083/sync_depth_00103.png 518.8579 +/kitchen_0028b/rgb_00014.jpg /kitchen_0028b/sync_depth_00014.png 518.8579 +/living_room_0042b/rgb_00014.jpg /living_room_0042b/sync_depth_00014.png 518.8579 +/home_storage_0001/rgb_00101.jpg /home_storage_0001/sync_depth_00101.png 518.8579 +/office_0012/rgb_00074.jpg /office_0012/sync_depth_00074.png 518.8579 +/cafe_0001a/rgb_00057.jpg /cafe_0001a/sync_depth_00057.png 518.8579 +/dining_room_0010/rgb_00040.jpg /dining_room_0010/sync_depth_00040.png 518.8579 +/kitchen_0029c/rgb_00142.jpg /kitchen_0029c/sync_depth_00142.png 518.8579 +/bedroom_0029/rgb_00072.jpg /bedroom_0029/sync_depth_00072.png 518.8579 +/bedroom_0031/rgb_00006.jpg /bedroom_0031/sync_depth_00006.png 518.8579 +/living_room_0086a/rgb_00077.jpg /living_room_0086a/sync_depth_00077.png 518.8579 +/classroom_0022/rgb_00031.jpg /classroom_0022/sync_depth_00031.png 518.8579 +/bedroom_0076a/rgb_00126.jpg /bedroom_0076a/sync_depth_00126.png 518.8579 +/living_room_0047b/rgb_00063.jpg /living_room_0047b/sync_depth_00063.png 518.8579 +/living_room_0032/rgb_00009.jpg /living_room_0032/sync_depth_00009.png 518.8579 +/bedroom_0125a/rgb_00018.jpg /bedroom_0125a/sync_depth_00018.png 518.8579 +/kitchen_0016/rgb_00093.jpg /kitchen_0016/sync_depth_00093.png 518.8579 +/bathroom_0051/rgb_00022.jpg /bathroom_0051/sync_depth_00022.png 518.8579 +/kitchen_0029c/rgb_00178.jpg /kitchen_0029c/sync_depth_00178.png 518.8579 +/kitchen_0017/rgb_00020.jpg /kitchen_0017/sync_depth_00020.png 518.8579 +/bedroom_0078/rgb_00076.jpg /bedroom_0078/sync_depth_00076.png 518.8579 +/office_0026/rgb_00119.jpg /office_0026/sync_depth_00119.png 518.8579 +/bedroom_0041/rgb_00052.jpg /bedroom_0041/sync_depth_00052.png 518.8579 +/living_room_0039/rgb_00003.jpg /living_room_0039/sync_depth_00003.png 518.8579 +/living_room_0063/rgb_00151.jpg /living_room_0063/sync_depth_00151.png 518.8579 +/living_room_0012/rgb_00145.jpg /living_room_0012/sync_depth_00145.png 518.8579 +/bedroom_0096/rgb_00022.jpg /bedroom_0096/sync_depth_00022.png 518.8579 +/bathroom_0039/rgb_00046.jpg /bathroom_0039/sync_depth_00046.png 518.8579 +/bedroom_0107/rgb_00044.jpg /bedroom_0107/sync_depth_00044.png 518.8579 +/bedroom_0086/rgb_00058.jpg /bedroom_0086/sync_depth_00058.png 518.8579 +/living_room_0063/rgb_00065.jpg /living_room_0063/sync_depth_00065.png 518.8579 +/office_0025/rgb_00038.jpg /office_0025/sync_depth_00038.png 518.8579 +/living_room_0058/rgb_00084.jpg /living_room_0058/sync_depth_00084.png 518.8579 +/bathroom_0030/rgb_00043.jpg /bathroom_0030/sync_depth_00043.png 518.8579 +/bedroom_0053/rgb_00008.jpg /bedroom_0053/sync_depth_00008.png 518.8579 +/kitchen_0037/rgb_00008.jpg /kitchen_0037/sync_depth_00008.png 518.8579 +/office_0024/rgb_00110.jpg /office_0024/sync_depth_00110.png 518.8579 +/bedroom_0113/rgb_00080.jpg /bedroom_0113/sync_depth_00080.png 518.8579 +/conference_room_0001/rgb_00016.jpg /conference_room_0001/sync_depth_00016.png 518.8579 +/furniture_store_0001b/rgb_00008.jpg /furniture_store_0001b/sync_depth_00008.png 518.8579 +/office_kitchen_0003/rgb_00128.jpg /office_kitchen_0003/sync_depth_00128.png 518.8579 +/kitchen_0033/rgb_00191.jpg /kitchen_0033/sync_depth_00191.png 518.8579 +/bookstore_0001f/rgb_00428.jpg /bookstore_0001f/sync_depth_00428.png 518.8579 +/bedroom_0076a/rgb_00022.jpg /bedroom_0076a/sync_depth_00022.png 518.8579 +/bedroom_0062/rgb_00139.jpg /bedroom_0062/sync_depth_00139.png 518.8579 +/office_0003/rgb_00050.jpg /office_0003/sync_depth_00050.png 518.8579 +/living_room_0010/rgb_00008.jpg /living_room_0010/sync_depth_00008.png 518.8579 +/living_room_0020/rgb_00077.jpg /living_room_0020/sync_depth_00077.png 518.8579 +/playroom_0004/rgb_00112.jpg /playroom_0004/sync_depth_00112.png 518.8579 +/dining_room_0008/rgb_00009.jpg /dining_room_0008/sync_depth_00009.png 518.8579 +/bedroom_0052/rgb_00116.jpg /bedroom_0052/sync_depth_00116.png 518.8579 +/printer_room_0001/rgb_00008.jpg /printer_room_0001/sync_depth_00008.png 518.8579 +/bedroom_0035/rgb_00036.jpg /bedroom_0035/sync_depth_00036.png 518.8579 +/bathroom_0042/rgb_00016.jpg /bathroom_0042/sync_depth_00016.png 518.8579 +/bookstore_0001g/rgb_00281.jpg /bookstore_0001g/sync_depth_00281.png 518.8579 +/dining_room_0015/rgb_00227.jpg /dining_room_0015/sync_depth_00227.png 518.8579 +/bathroom_0039/rgb_00065.jpg /bathroom_0039/sync_depth_00065.png 518.8579 +/office_0025/rgb_00029.jpg /office_0025/sync_depth_00029.png 518.8579 +/living_room_0010/rgb_00020.jpg /living_room_0010/sync_depth_00020.png 518.8579 +/bedroom_0080/rgb_00068.jpg /bedroom_0080/sync_depth_00068.png 518.8579 +/dining_room_0031/rgb_00019.jpg /dining_room_0031/sync_depth_00019.png 518.8579 +/playroom_0003/rgb_00169.jpg /playroom_0003/sync_depth_00169.png 518.8579 +/bookstore_0001e/rgb_00187.jpg /bookstore_0001e/sync_depth_00187.png 518.8579 +/bedroom_0120/rgb_00021.jpg /bedroom_0120/sync_depth_00021.png 518.8579 +/living_room_0067/rgb_00062.jpg /living_room_0067/sync_depth_00062.png 518.8579 +/living_room_0047b/rgb_00119.jpg /living_room_0047b/sync_depth_00119.png 518.8579 +/bedroom_0081/rgb_00033.jpg /bedroom_0081/sync_depth_00033.png 518.8579 +/conference_room_0002/rgb_00031.jpg /conference_room_0002/sync_depth_00031.png 518.8579 +/furniture_store_0001d/rgb_00085.jpg /furniture_store_0001d/sync_depth_00085.png 518.8579 +/kitchen_0028a/rgb_00113.jpg /kitchen_0028a/sync_depth_00113.png 518.8579 +/dining_room_0034/rgb_00002.jpg /dining_room_0034/sync_depth_00002.png 518.8579 +/kitchen_0019a/rgb_00211.jpg /kitchen_0019a/sync_depth_00211.png 518.8579 +/living_room_0058/rgb_00103.jpg /living_room_0058/sync_depth_00103.png 518.8579 +/living_room_0068/rgb_00036.jpg /living_room_0068/sync_depth_00036.png 518.8579 +/bedroom_0052/rgb_00106.jpg /bedroom_0052/sync_depth_00106.png 518.8579 +/living_room_0046a/rgb_00024.jpg /living_room_0046a/sync_depth_00024.png 518.8579 +/living_room_0032/rgb_00013.jpg /living_room_0032/sync_depth_00013.png 518.8579 +/cafe_0001a/rgb_00026.jpg /cafe_0001a/sync_depth_00026.png 518.8579 +/study_room_0004/rgb_00219.jpg /study_room_0004/sync_depth_00219.png 518.8579 +/kitchen_0060/rgb_00110.jpg /kitchen_0060/sync_depth_00110.png 518.8579 +/kitchen_0031/rgb_00150.jpg /kitchen_0031/sync_depth_00150.png 518.8579 +/bedroom_0025/rgb_00025.jpg /bedroom_0025/sync_depth_00025.png 518.8579 +/bookstore_0001j/rgb_00004.jpg /bookstore_0001j/sync_depth_00004.png 518.8579 +/basement_0001a/rgb_00002.jpg /basement_0001a/sync_depth_00002.png 518.8579 +/bedroom_0106/rgb_00107.jpg /bedroom_0106/sync_depth_00107.png 518.8579 +/kitchen_0035b/rgb_00025.jpg /kitchen_0035b/sync_depth_00025.png 518.8579 +/kitchen_0008/rgb_00029.jpg /kitchen_0008/sync_depth_00029.png 518.8579 +/office_0004/rgb_00102.jpg /office_0004/sync_depth_00102.png 518.8579 +/dining_room_0014/rgb_00093.jpg /dining_room_0014/sync_depth_00093.png 518.8579 +/bathroom_0019/rgb_00062.jpg /bathroom_0019/sync_depth_00062.png 518.8579 +/office_0006/rgb_00041.jpg /office_0006/sync_depth_00041.png 518.8579 +/bedroom_0031/rgb_00044.jpg /bedroom_0031/sync_depth_00044.png 518.8579 +/living_room_0085/rgb_00064.jpg /living_room_0085/sync_depth_00064.png 518.8579 +/kitchen_0019a/rgb_00038.jpg /kitchen_0019a/sync_depth_00038.png 518.8579 +/nyu_office_0/rgb_00043.jpg /nyu_office_0/sync_depth_00043.png 518.8579 +/bathroom_0041/rgb_00020.jpg /bathroom_0041/sync_depth_00020.png 518.8579 +/bedroom_0132/rgb_00020.jpg /bedroom_0132/sync_depth_00020.png 518.8579 +/classroom_0018/rgb_00001.jpg /classroom_0018/sync_depth_00001.png 518.8579 +/kitchen_0019a/rgb_00205.jpg /kitchen_0019a/sync_depth_00205.png 518.8579 +/living_room_0022/rgb_00164.jpg /living_room_0022/sync_depth_00164.png 518.8579 +/bedroom_0126/rgb_00021.jpg /bedroom_0126/sync_depth_00021.png 518.8579 +/bookstore_0001h/rgb_00080.jpg /bookstore_0001h/sync_depth_00080.png 518.8579 +/bedroom_0033/rgb_00128.jpg /bedroom_0033/sync_depth_00128.png 518.8579 +/kitchen_0051/rgb_00295.jpg /kitchen_0051/sync_depth_00295.png 518.8579 +/living_room_0062/rgb_00077.jpg /living_room_0062/sync_depth_00077.png 518.8579 +/kitchen_0031/rgb_00191.jpg /kitchen_0031/sync_depth_00191.png 518.8579 +/bathroom_0010/rgb_00001.jpg /bathroom_0010/sync_depth_00001.png 518.8579 +/living_room_0039/rgb_00076.jpg /living_room_0039/sync_depth_00076.png 518.8579 +/living_room_0019/rgb_00204.jpg /living_room_0019/sync_depth_00204.png 518.8579 +/living_room_0012/rgb_00220.jpg /living_room_0012/sync_depth_00220.png 518.8579 +/living_room_0006/rgb_00026.jpg /living_room_0006/sync_depth_00026.png 518.8579 +/living_room_0063/rgb_00168.jpg /living_room_0063/sync_depth_00168.png 518.8579 +/kitchen_0033/rgb_00016.jpg /kitchen_0033/sync_depth_00016.png 518.8579 +/bedroom_0120/rgb_00083.jpg /bedroom_0120/sync_depth_00083.png 518.8579 +/office_0026/rgb_00001.jpg /office_0026/sync_depth_00001.png 518.8579 +/kitchen_0028a/rgb_00078.jpg /kitchen_0028a/sync_depth_00078.png 518.8579 +/office_0004/rgb_00100.jpg /office_0004/sync_depth_00100.png 518.8579 +/home_office_0008/rgb_00097.jpg /home_office_0008/sync_depth_00097.png 518.8579 +/living_room_0058/rgb_00010.jpg /living_room_0058/sync_depth_00010.png 518.8579 +/bedroom_0053/rgb_00085.jpg /bedroom_0053/sync_depth_00085.png 518.8579 +/dining_room_0024/rgb_00184.jpg /dining_room_0024/sync_depth_00184.png 518.8579 +/bedroom_0062/rgb_00125.jpg /bedroom_0062/sync_depth_00125.png 518.8579 +/dining_room_0008/rgb_00110.jpg /dining_room_0008/sync_depth_00110.png 518.8579 +/dining_room_0007/rgb_00028.jpg /dining_room_0007/sync_depth_00028.png 518.8579 +/bathroom_0056/rgb_00020.jpg /bathroom_0056/sync_depth_00020.png 518.8579 +/bedroom_0026/rgb_00060.jpg /bedroom_0026/sync_depth_00060.png 518.8579 +/kitchen_0035b/rgb_00321.jpg /kitchen_0035b/sync_depth_00321.png 518.8579 +/dining_room_0016/rgb_00160.jpg /dining_room_0016/sync_depth_00160.png 518.8579 +/bedroom_0033/rgb_00152.jpg /bedroom_0033/sync_depth_00152.png 518.8579 +/kitchen_0048/rgb_00138.jpg /kitchen_0048/sync_depth_00138.png 518.8579 +/furniture_store_0001d/rgb_00118.jpg /furniture_store_0001d/sync_depth_00118.png 518.8579 +/kitchen_0051/rgb_00029.jpg /kitchen_0051/sync_depth_00029.png 518.8579 +/living_room_0047b/rgb_00068.jpg /living_room_0047b/sync_depth_00068.png 518.8579 +/living_room_0055/rgb_00141.jpg /living_room_0055/sync_depth_00141.png 518.8579 +/office_0026/rgb_00090.jpg /office_0026/sync_depth_00090.png 518.8579 +/dining_room_0012/rgb_00042.jpg /dining_room_0012/sync_depth_00042.png 518.8579 +/bathroom_0051/rgb_00035.jpg /bathroom_0051/sync_depth_00035.png 518.8579 +/bedroom_0072/rgb_00134.jpg /bedroom_0072/sync_depth_00134.png 518.8579 +/bedroom_0047/rgb_00009.jpg /bedroom_0047/sync_depth_00009.png 518.8579 +/kitchen_0048/rgb_00246.jpg /kitchen_0048/sync_depth_00246.png 518.8579 +/living_room_0012/rgb_00186.jpg /living_room_0012/sync_depth_00186.png 518.8579 +/classroom_0006/rgb_00039.jpg /classroom_0006/sync_depth_00039.png 518.8579 +/living_room_0018/rgb_00132.jpg /living_room_0018/sync_depth_00132.png 518.8579 +/living_room_0050/rgb_00009.jpg /living_room_0050/sync_depth_00009.png 518.8579 +/bedroom_0010/rgb_00093.jpg /bedroom_0010/sync_depth_00093.png 518.8579 +/office_0012/rgb_00006.jpg /office_0012/sync_depth_00006.png 518.8579 +/kitchen_0052/rgb_00113.jpg /kitchen_0052/sync_depth_00113.png 518.8579 +/dining_room_0015/rgb_00214.jpg /dining_room_0015/sync_depth_00214.png 518.8579 +/kitchen_0019a/rgb_00047.jpg /kitchen_0019a/sync_depth_00047.png 518.8579 +/bedroom_0056a/rgb_00050.jpg /bedroom_0056a/sync_depth_00050.png 518.8579 +/bathroom_0034/rgb_00057.jpg /bathroom_0034/sync_depth_00057.png 518.8579 +/bedroom_0025/rgb_00036.jpg /bedroom_0025/sync_depth_00036.png 518.8579 +/bedroom_0052/rgb_00091.jpg /bedroom_0052/sync_depth_00091.png 518.8579 +/home_office_0013/rgb_00056.jpg /home_office_0013/sync_depth_00056.png 518.8579 +/living_room_0047b/rgb_00039.jpg /living_room_0047b/sync_depth_00039.png 518.8579 +/playroom_0004/rgb_00043.jpg /playroom_0004/sync_depth_00043.png 518.8579 +/kitchen_0053/rgb_00208.jpg /kitchen_0053/sync_depth_00208.png 518.8579 +/dining_room_0037/rgb_00178.jpg /dining_room_0037/sync_depth_00178.png 518.8579 +/kitchen_0035a/rgb_00010.jpg /kitchen_0035a/sync_depth_00010.png 518.8579 +/kitchen_0048/rgb_00060.jpg /kitchen_0048/sync_depth_00060.png 518.8579 +/living_room_0005/rgb_00025.jpg /living_room_0005/sync_depth_00025.png 518.8579 +/dining_room_0012/rgb_00020.jpg /dining_room_0012/sync_depth_00020.png 518.8579 +/bedroom_0060/rgb_00098.jpg /bedroom_0060/sync_depth_00098.png 518.8579 +/living_room_0005/rgb_00157.jpg /living_room_0005/sync_depth_00157.png 518.8579 +/bedroom_0078/rgb_00094.jpg /bedroom_0078/sync_depth_00094.png 518.8579 +/dining_room_0031/rgb_00115.jpg /dining_room_0031/sync_depth_00115.png 518.8579 +/living_room_0038/rgb_00090.jpg /living_room_0038/sync_depth_00090.png 518.8579 +/office_0026/rgb_00146.jpg /office_0026/sync_depth_00146.png 518.8579 +/living_room_0068/rgb_00005.jpg /living_room_0068/sync_depth_00005.png 518.8579 +/dining_room_0007/rgb_00212.jpg /dining_room_0007/sync_depth_00212.png 518.8579 +/kitchen_0047/rgb_00098.jpg /kitchen_0047/sync_depth_00098.png 518.8579 +/kitchen_0019a/rgb_00227.jpg /kitchen_0019a/sync_depth_00227.png 518.8579 +/student_lounge_0001/rgb_00086.jpg /student_lounge_0001/sync_depth_00086.png 518.8579 +/kitchen_0041/rgb_00044.jpg /kitchen_0041/sync_depth_00044.png 518.8579 +/dining_room_0033/rgb_00126.jpg /dining_room_0033/sync_depth_00126.png 518.8579 +/furniture_store_0002a/rgb_00172.jpg /furniture_store_0002a/sync_depth_00172.png 518.8579 +/bookstore_0001g/rgb_00203.jpg /bookstore_0001g/sync_depth_00203.png 518.8579 +/furniture_store_0002a/rgb_00066.jpg /furniture_store_0002a/sync_depth_00066.png 518.8579 +/bedroom_0063/rgb_00105.jpg /bedroom_0063/sync_depth_00105.png 518.8579 +/kitchen_0035b/rgb_00268.jpg /kitchen_0035b/sync_depth_00268.png 518.8579 +/kitchen_0019a/rgb_00105.jpg /kitchen_0019a/sync_depth_00105.png 518.8579 +/bedroom_0051/rgb_00103.jpg /bedroom_0051/sync_depth_00103.png 518.8579 +/living_room_0039/rgb_00061.jpg /living_room_0039/sync_depth_00061.png 518.8579 +/kitchen_0011b/rgb_00063.jpg /kitchen_0011b/sync_depth_00063.png 518.8579 +/kitchen_0028a/rgb_00065.jpg /kitchen_0028a/sync_depth_00065.png 518.8579 +/kitchen_0043/rgb_00184.jpg /kitchen_0043/sync_depth_00184.png 518.8579 +/living_room_0063/rgb_00138.jpg /living_room_0063/sync_depth_00138.png 518.8579 +/bedroom_0004/rgb_00137.jpg /bedroom_0004/sync_depth_00137.png 518.8579 +/living_room_0012/rgb_00020.jpg /living_room_0012/sync_depth_00020.png 518.8579 +/bookstore_0001g/rgb_00222.jpg /bookstore_0001g/sync_depth_00222.png 518.8579 +/dinette_0001/rgb_00018.jpg /dinette_0001/sync_depth_00018.png 518.8579 +/furniture_store_0002a/rgb_00063.jpg /furniture_store_0002a/sync_depth_00063.png 518.8579 +/dining_room_0013/rgb_00097.jpg /dining_room_0013/sync_depth_00097.png 518.8579 +/bedroom_0086/rgb_00097.jpg /bedroom_0086/sync_depth_00097.png 518.8579 +/kitchen_0016/rgb_00083.jpg /kitchen_0016/sync_depth_00083.png 518.8579 +/bedroom_0090/rgb_00029.jpg /bedroom_0090/sync_depth_00029.png 518.8579 +/dining_room_0028/rgb_00014.jpg /dining_room_0028/sync_depth_00014.png 518.8579 +/office_0011/rgb_00157.jpg /office_0011/sync_depth_00157.png 518.8579 +/kitchen_0052/rgb_00109.jpg /kitchen_0052/sync_depth_00109.png 518.8579 +/bathroom_0054/rgb_00017.jpg /bathroom_0054/sync_depth_00017.png 518.8579 +/bedroom_0026/rgb_00056.jpg /bedroom_0026/sync_depth_00056.png 518.8579 +/furniture_store_0001d/rgb_00019.jpg /furniture_store_0001d/sync_depth_00019.png 518.8579 +/study_0006/rgb_00001.jpg /study_0006/sync_depth_00001.png 518.8579 +/bedroom_0052/rgb_00219.jpg /bedroom_0052/sync_depth_00219.png 518.8579 +/office_kitchen_0001b/rgb_00052.jpg /office_kitchen_0001b/sync_depth_00052.png 518.8579 +/living_room_0046a/rgb_00055.jpg /living_room_0046a/sync_depth_00055.png 518.8579 +/bookstore_0001h/rgb_00093.jpg /bookstore_0001h/sync_depth_00093.png 518.8579 +/bedroom_0136/rgb_00055.jpg /bedroom_0136/sync_depth_00055.png 518.8579 +/bedroom_0120/rgb_00051.jpg /bedroom_0120/sync_depth_00051.png 518.8579 +/living_room_0006/rgb_00025.jpg /living_room_0006/sync_depth_00025.png 518.8579 +/dining_room_0015/rgb_00029.jpg /dining_room_0015/sync_depth_00029.png 518.8579 +/office_0004/rgb_00077.jpg /office_0004/sync_depth_00077.png 518.8579 +/living_room_0010/rgb_00043.jpg /living_room_0010/sync_depth_00043.png 518.8579 +/classroom_0022/rgb_00004.jpg /classroom_0022/sync_depth_00004.png 518.8579 +/kitchen_0019a/rgb_00010.jpg /kitchen_0019a/sync_depth_00010.png 518.8579 +/living_room_0082/rgb_00044.jpg /living_room_0082/sync_depth_00044.png 518.8579 +/bedroom_0063/rgb_00028.jpg /bedroom_0063/sync_depth_00028.png 518.8579 +/bathroom_0007/rgb_00095.jpg /bathroom_0007/sync_depth_00095.png 518.8579 +/bedroom_0126/rgb_00033.jpg /bedroom_0126/sync_depth_00033.png 518.8579 +/bathroom_0028/rgb_00076.jpg /bathroom_0028/sync_depth_00076.png 518.8579 +/living_room_0019/rgb_00040.jpg /living_room_0019/sync_depth_00040.png 518.8579 +/basement_0001a/rgb_00004.jpg /basement_0001a/sync_depth_00004.png 518.8579 +/living_room_0055/rgb_00100.jpg /living_room_0055/sync_depth_00100.png 518.8579 +/bedroom_0076a/rgb_00214.jpg /bedroom_0076a/sync_depth_00214.png 518.8579 +/bedroom_0082/rgb_00016.jpg /bedroom_0082/sync_depth_00016.png 518.8579 +/home_office_0004/rgb_00036.jpg /home_office_0004/sync_depth_00036.png 518.8579 +/living_room_0033/rgb_00016.jpg /living_room_0033/sync_depth_00016.png 518.8579 +/bookstore_0001g/rgb_00007.jpg /bookstore_0001g/sync_depth_00007.png 518.8579 +/living_room_0070/rgb_00054.jpg /living_room_0070/sync_depth_00054.png 518.8579 +/bedroom_0004/rgb_00027.jpg /bedroom_0004/sync_depth_00027.png 518.8579 +/dining_room_0037/rgb_00061.jpg /dining_room_0037/sync_depth_00061.png 518.8579 +/dining_room_0024/rgb_00086.jpg /dining_room_0024/sync_depth_00086.png 518.8579 +/bedroom_0020/rgb_00103.jpg /bedroom_0020/sync_depth_00103.png 518.8579 +/living_room_0069b/rgb_00048.jpg /living_room_0069b/sync_depth_00048.png 518.8579 +/classroom_0006/rgb_00198.jpg /classroom_0006/sync_depth_00198.png 518.8579 +/living_room_0058/rgb_00036.jpg /living_room_0058/sync_depth_00036.png 518.8579 +/living_room_0069a/rgb_00100.jpg /living_room_0069a/sync_depth_00100.png 518.8579 +/living_room_0039/rgb_00024.jpg /living_room_0039/sync_depth_00024.png 518.8579 +/bedroom_0004/rgb_00152.jpg /bedroom_0004/sync_depth_00152.png 518.8579 +/living_room_0012/rgb_00164.jpg /living_room_0012/sync_depth_00164.png 518.8579 +/furniture_store_0001b/rgb_00073.jpg /furniture_store_0001b/sync_depth_00073.png 518.8579 +/office_kitchen_0001a/rgb_00066.jpg /office_kitchen_0001a/sync_depth_00066.png 518.8579 +/bedroom_0004/rgb_00037.jpg /bedroom_0004/sync_depth_00037.png 518.8579 +/living_room_0078/rgb_00118.jpg /living_room_0078/sync_depth_00118.png 518.8579 +/bedroom_0028/rgb_00062.jpg /bedroom_0028/sync_depth_00062.png 518.8579 +/kitchen_0028a/rgb_00149.jpg /kitchen_0028a/sync_depth_00149.png 518.8579 +/kitchen_0028a/rgb_00061.jpg /kitchen_0028a/sync_depth_00061.png 518.8579 +/office_0011/rgb_00000.jpg /office_0011/sync_depth_00000.png 518.8579 +/bedroom_0096/rgb_00033.jpg /bedroom_0096/sync_depth_00033.png 518.8579 +/furniture_store_0001d/rgb_00245.jpg /furniture_store_0001d/sync_depth_00245.png 518.8579 +/kitchen_0053/rgb_00018.jpg /kitchen_0053/sync_depth_00018.png 518.8579 +/home_office_0006/rgb_00045.jpg /home_office_0006/sync_depth_00045.png 518.8579 +/home_office_0004/rgb_00078.jpg /home_office_0004/sync_depth_00078.png 518.8579 +/kitchen_0029c/rgb_00182.jpg /kitchen_0029c/sync_depth_00182.png 518.8579 +/bedroom_0050/rgb_00049.jpg /bedroom_0050/sync_depth_00049.png 518.8579 +/living_room_0085/rgb_00030.jpg /living_room_0085/sync_depth_00030.png 518.8579 +/bookstore_0001d/rgb_00188.jpg /bookstore_0001d/sync_depth_00188.png 518.8579 +/classroom_0011/rgb_00019.jpg /classroom_0011/sync_depth_00019.png 518.8579 +/living_room_0050/rgb_00133.jpg /living_room_0050/sync_depth_00133.png 518.8579 +/kitchen_0049/rgb_00024.jpg /kitchen_0049/sync_depth_00024.png 518.8579 +/student_lounge_0001/rgb_00125.jpg /student_lounge_0001/sync_depth_00125.png 518.8579 +/bedroom_0051/rgb_00224.jpg /bedroom_0051/sync_depth_00224.png 518.8579 +/kitchen_0049/rgb_00004.jpg /kitchen_0049/sync_depth_00004.png 518.8579 +/study_room_0004/rgb_00106.jpg /study_room_0004/sync_depth_00106.png 518.8579 +/bedroom_0081/rgb_00025.jpg /bedroom_0081/sync_depth_00025.png 518.8579 +/dining_room_0024/rgb_00133.jpg /dining_room_0024/sync_depth_00133.png 518.8579 +/office_kitchen_0003/rgb_00033.jpg /office_kitchen_0003/sync_depth_00033.png 518.8579 +/furniture_store_0002a/rgb_00065.jpg /furniture_store_0002a/sync_depth_00065.png 518.8579 +/living_room_0071/rgb_00046.jpg /living_room_0071/sync_depth_00046.png 518.8579 +/bedroom_0079/rgb_00054.jpg /bedroom_0079/sync_depth_00054.png 518.8579 +/bedroom_0063/rgb_00001.jpg /bedroom_0063/sync_depth_00001.png 518.8579 +/furniture_store_0002a/rgb_00207.jpg /furniture_store_0002a/sync_depth_00207.png 518.8579 +/kitchen_0010/rgb_00102.jpg /kitchen_0010/sync_depth_00102.png 518.8579 +/living_room_0005/rgb_00006.jpg /living_room_0005/sync_depth_00006.png 518.8579 +/living_room_0010/rgb_00087.jpg /living_room_0010/sync_depth_00087.png 518.8579 +/bedroom_0125b/rgb_00005.jpg /bedroom_0125b/sync_depth_00005.png 518.8579 +/bookstore_0001d/rgb_00257.jpg /bookstore_0001d/sync_depth_00257.png 518.8579 +/playroom_0006/rgb_00041.jpg /playroom_0006/sync_depth_00041.png 518.8579 +/classroom_0010/rgb_00030.jpg /classroom_0010/sync_depth_00030.png 518.8579 +/bathroom_0051/rgb_00016.jpg /bathroom_0051/sync_depth_00016.png 518.8579 +/bedroom_0076a/rgb_00078.jpg /bedroom_0076a/sync_depth_00078.png 518.8579 +/living_room_0069b/rgb_00006.jpg /living_room_0069b/sync_depth_00006.png 518.8579 +/bookstore_0001f/rgb_00303.jpg /bookstore_0001f/sync_depth_00303.png 518.8579 +/living_room_0086a/rgb_00029.jpg /living_room_0086a/sync_depth_00029.png 518.8579 +/living_room_0039/rgb_00025.jpg /living_room_0039/sync_depth_00025.png 518.8579 +/kitchen_0050/rgb_00202.jpg /kitchen_0050/sync_depth_00202.png 518.8579 +/furniture_store_0002c/rgb_00067.jpg /furniture_store_0002c/sync_depth_00067.png 518.8579 +/kitchen_0043/rgb_00080.jpg /kitchen_0043/sync_depth_00080.png 518.8579 +/playroom_0002/rgb_00151.jpg /playroom_0002/sync_depth_00151.png 518.8579 +/kitchen_0035b/rgb_00118.jpg /kitchen_0035b/sync_depth_00118.png 518.8579 +/bedroom_0020/rgb_00045.jpg /bedroom_0020/sync_depth_00045.png 518.8579 +/kitchen_0003/rgb_00100.jpg /kitchen_0003/sync_depth_00100.png 518.8579 +/kitchen_0031/rgb_00171.jpg /kitchen_0031/sync_depth_00171.png 518.8579 +/office_kitchen_0001a/rgb_00076.jpg /office_kitchen_0001a/sync_depth_00076.png 518.8579 +/kitchen_0033/rgb_00033.jpg /kitchen_0033/sync_depth_00033.png 518.8579 +/study_room_0004/rgb_00164.jpg /study_room_0004/sync_depth_00164.png 518.8579 +/living_room_0004/rgb_00121.jpg /living_room_0004/sync_depth_00121.png 518.8579 +/bedroom_0071/rgb_00172.jpg /bedroom_0071/sync_depth_00172.png 518.8579 +/bedroom_0020/rgb_00026.jpg /bedroom_0020/sync_depth_00026.png 518.8579 +/bookstore_0001e/rgb_00072.jpg /bookstore_0001e/sync_depth_00072.png 518.8579 +/office_0006/rgb_00054.jpg /office_0006/sync_depth_00054.png 518.8579 +/living_room_0004/rgb_00158.jpg /living_room_0004/sync_depth_00158.png 518.8579 +/living_room_0040/rgb_00189.jpg /living_room_0040/sync_depth_00189.png 518.8579 +/dining_room_0028/rgb_00126.jpg /dining_room_0028/sync_depth_00126.png 518.8579 +/kitchen_0031/rgb_00209.jpg /kitchen_0031/sync_depth_00209.png 518.8579 +/bedroom_0025/rgb_00001.jpg /bedroom_0025/sync_depth_00001.png 518.8579 +/kitchen_0045a/rgb_00047.jpg /kitchen_0045a/sync_depth_00047.png 518.8579 +/kitchen_0050/rgb_00193.jpg /kitchen_0050/sync_depth_00193.png 518.8579 +/kitchen_0047/rgb_00111.jpg /kitchen_0047/sync_depth_00111.png 518.8579 +/kitchen_0060/rgb_00060.jpg /kitchen_0060/sync_depth_00060.png 518.8579 +/nyu_office_0/rgb_00130.jpg /nyu_office_0/sync_depth_00130.png 518.8579 +/nyu_office_0/rgb_00244.jpg /nyu_office_0/sync_depth_00244.png 518.8579 +/bedroom_0042/rgb_00015.jpg /bedroom_0042/sync_depth_00015.png 518.8579 +/kitchen_0048/rgb_00188.jpg /kitchen_0048/sync_depth_00188.png 518.8579 +/dining_room_0015/rgb_00175.jpg /dining_room_0015/sync_depth_00175.png 518.8579 +/bedroom_0063/rgb_00024.jpg /bedroom_0063/sync_depth_00024.png 518.8579 +/living_room_0040/rgb_00171.jpg /living_room_0040/sync_depth_00171.png 518.8579 +/living_room_0022/rgb_00253.jpg /living_room_0022/sync_depth_00253.png 518.8579 +/living_room_0067/rgb_00004.jpg /living_room_0067/sync_depth_00004.png 518.8579 +/bedroom_0072/rgb_00125.jpg /bedroom_0072/sync_depth_00125.png 518.8579 +/kitchen_0019a/rgb_00013.jpg /kitchen_0019a/sync_depth_00013.png 518.8579 +/kitchen_0043/rgb_00132.jpg /kitchen_0043/sync_depth_00132.png 518.8579 +/classroom_0018/rgb_00024.jpg /classroom_0018/sync_depth_00024.png 518.8579 +/reception_room_0001b/rgb_00070.jpg /reception_room_0001b/sync_depth_00070.png 518.8579 +/student_lounge_0001/rgb_00079.jpg /student_lounge_0001/sync_depth_00079.png 518.8579 +/bathroom_0011/rgb_00049.jpg /bathroom_0011/sync_depth_00049.png 518.8579 +/dining_room_0031/rgb_00058.jpg /dining_room_0031/sync_depth_00058.png 518.8579 +/bedroom_0015/rgb_00052.jpg /bedroom_0015/sync_depth_00052.png 518.8579 +/bedroom_0047/rgb_00050.jpg /bedroom_0047/sync_depth_00050.png 518.8579 +/kitchen_0019a/rgb_00194.jpg /kitchen_0019a/sync_depth_00194.png 518.8579 +/cafe_0001b/rgb_00072.jpg /cafe_0001b/sync_depth_00072.png 518.8579 +/laundry_room_0001/rgb_00052.jpg /laundry_room_0001/sync_depth_00052.png 518.8579 +/kitchen_0053/rgb_00148.jpg /kitchen_0053/sync_depth_00148.png 518.8579 +/dining_room_0012/rgb_00180.jpg /dining_room_0012/sync_depth_00180.png 518.8579 +/bedroom_0053/rgb_00031.jpg /bedroom_0053/sync_depth_00031.png 518.8579 +/living_room_0068/rgb_00050.jpg /living_room_0068/sync_depth_00050.png 518.8579 +/bedroom_0033/rgb_00102.jpg /bedroom_0033/sync_depth_00102.png 518.8579 +/living_room_0019/rgb_00219.jpg /living_room_0019/sync_depth_00219.png 518.8579 +/bedroom_0125b/rgb_00022.jpg /bedroom_0125b/sync_depth_00022.png 518.8579 +/living_room_0022/rgb_00125.jpg /living_room_0022/sync_depth_00125.png 518.8579 +/dining_room_0012/rgb_00062.jpg /dining_room_0012/sync_depth_00062.png 518.8579 +/dining_room_0031/rgb_00284.jpg /dining_room_0031/sync_depth_00284.png 518.8579 +/bedroom_0042/rgb_00019.jpg /bedroom_0042/sync_depth_00019.png 518.8579 +/bedroom_0050/rgb_00026.jpg /bedroom_0050/sync_depth_00026.png 518.8579 +/living_room_0020/rgb_00051.jpg /living_room_0020/sync_depth_00051.png 518.8579 +/office_0024/rgb_00127.jpg /office_0024/sync_depth_00127.png 518.8579 +/bedroom_0062/rgb_00040.jpg /bedroom_0062/sync_depth_00040.png 518.8579 +/classroom_0018/rgb_00038.jpg /classroom_0018/sync_depth_00038.png 518.8579 +/kitchen_0049/rgb_00136.jpg /kitchen_0049/sync_depth_00136.png 518.8579 +/dining_room_0028/rgb_00154.jpg /dining_room_0028/sync_depth_00154.png 518.8579 +/kitchen_0029c/rgb_00013.jpg /kitchen_0029c/sync_depth_00013.png 518.8579 +/living_room_0038/rgb_00100.jpg /living_room_0038/sync_depth_00100.png 518.8579 +/living_room_0022/rgb_00282.jpg /living_room_0022/sync_depth_00282.png 518.8579 +/classroom_0011/rgb_00013.jpg /classroom_0011/sync_depth_00013.png 518.8579 +/kitchen_0045a/rgb_00193.jpg /kitchen_0045a/sync_depth_00193.png 518.8579 +/bedroom_0050/rgb_00047.jpg /bedroom_0050/sync_depth_00047.png 518.8579 +/bedroom_0138/rgb_00085.jpg /bedroom_0138/sync_depth_00085.png 518.8579 +/bookstore_0001f/rgb_00457.jpg /bookstore_0001f/sync_depth_00457.png 518.8579 +/kitchen_0011b/rgb_00012.jpg /kitchen_0011b/sync_depth_00012.png 518.8579 +/office_0026/rgb_00091.jpg /office_0026/sync_depth_00091.png 518.8579 +/dining_room_0028/rgb_00145.jpg /dining_room_0028/sync_depth_00145.png 518.8579 +/classroom_0010/rgb_00034.jpg /classroom_0010/sync_depth_00034.png 518.8579 +/bedroom_0076a/rgb_00193.jpg /bedroom_0076a/sync_depth_00193.png 518.8579 +/bathroom_0010/rgb_00046.jpg /bathroom_0010/sync_depth_00046.png 518.8579 +/living_room_0055/rgb_00071.jpg /living_room_0055/sync_depth_00071.png 518.8579 +/bedroom_0050/rgb_00087.jpg /bedroom_0050/sync_depth_00087.png 518.8579 +/bedroom_0130/rgb_00097.jpg /bedroom_0130/sync_depth_00097.png 518.8579 +/office_kitchen_0003/rgb_00094.jpg /office_kitchen_0003/sync_depth_00094.png 518.8579 +/home_office_0007/rgb_00002.jpg /home_office_0007/sync_depth_00002.png 518.8579 +/bookstore_0001f/rgb_00275.jpg /bookstore_0001f/sync_depth_00275.png 518.8579 +/dining_room_0004/rgb_00001.jpg /dining_room_0004/sync_depth_00001.png 518.8579 +/bedroom_0056a/rgb_00044.jpg /bedroom_0056a/sync_depth_00044.png 518.8579 +/bedroom_0060/rgb_00012.jpg /bedroom_0060/sync_depth_00012.png 518.8579 +/dining_room_0012/rgb_00119.jpg /dining_room_0012/sync_depth_00119.png 518.8579 +/bedroom_0051/rgb_00182.jpg /bedroom_0051/sync_depth_00182.png 518.8579 +/bathroom_0057/rgb_00006.jpg /bathroom_0057/sync_depth_00006.png 518.8579 +/bookstore_0001f/rgb_00243.jpg /bookstore_0001f/sync_depth_00243.png 518.8579 +/dining_room_0012/rgb_00106.jpg /dining_room_0012/sync_depth_00106.png 518.8579 +/living_room_0068/rgb_00094.jpg /living_room_0068/sync_depth_00094.png 518.8579 +/furniture_store_0002c/rgb_00074.jpg /furniture_store_0002c/sync_depth_00074.png 518.8579 +/kitchen_0028a/rgb_00073.jpg /kitchen_0028a/sync_depth_00073.png 518.8579 +/kitchen_0059/rgb_00013.jpg /kitchen_0059/sync_depth_00013.png 518.8579 +/bedroom_0019/rgb_00139.jpg /bedroom_0019/sync_depth_00139.png 518.8579 +/living_room_0019/rgb_00032.jpg /living_room_0019/sync_depth_00032.png 518.8579 +/furniture_store_0002b/rgb_00189.jpg /furniture_store_0002b/sync_depth_00189.png 518.8579 +/bedroom_0125a/rgb_00024.jpg /bedroom_0125a/sync_depth_00024.png 518.8579 +/bedroom_0056a/rgb_00069.jpg /bedroom_0056a/sync_depth_00069.png 518.8579 +/bathroom_0011/rgb_00022.jpg /bathroom_0011/sync_depth_00022.png 518.8579 +/bedroom_0042/rgb_00058.jpg /bedroom_0042/sync_depth_00058.png 518.8579 +/nyu_office_0/rgb_00205.jpg /nyu_office_0/sync_depth_00205.png 518.8579 +/kitchen_0060/rgb_00007.jpg /kitchen_0060/sync_depth_00007.png 518.8579 +/bathroom_0053/rgb_00045.jpg /bathroom_0053/sync_depth_00045.png 518.8579 +/living_room_0039/rgb_00069.jpg /living_room_0039/sync_depth_00069.png 518.8579 +/kitchen_0035a/rgb_00022.jpg /kitchen_0035a/sync_depth_00022.png 518.8579 +/living_room_0067/rgb_00080.jpg /living_room_0067/sync_depth_00080.png 518.8579 +/bathroom_0010/rgb_00004.jpg /bathroom_0010/sync_depth_00004.png 518.8579 +/office_0026/rgb_00181.jpg /office_0026/sync_depth_00181.png 518.8579 +/reception_room_0001b/rgb_00110.jpg /reception_room_0001b/sync_depth_00110.png 518.8579 +/bedroom_0033/rgb_00157.jpg /bedroom_0033/sync_depth_00157.png 518.8579 +/dining_room_0019/rgb_00071.jpg /dining_room_0019/sync_depth_00071.png 518.8579 +/bedroom_0113/rgb_00026.jpg /bedroom_0113/sync_depth_00026.png 518.8579 +/bedroom_0097/rgb_00008.jpg /bedroom_0097/sync_depth_00008.png 518.8579 +/bedroom_0031/rgb_00048.jpg /bedroom_0031/sync_depth_00048.png 518.8579 +/nyu_office_0/rgb_00208.jpg /nyu_office_0/sync_depth_00208.png 518.8579 +/living_room_0069a/rgb_00036.jpg /living_room_0069a/sync_depth_00036.png 518.8579 +/bedroom_0076a/rgb_00062.jpg /bedroom_0076a/sync_depth_00062.png 518.8579 +/bedroom_0066/rgb_00019.jpg /bedroom_0066/sync_depth_00019.png 518.8579 +/bookstore_0001d/rgb_00318.jpg /bookstore_0001d/sync_depth_00318.png 518.8579 +/living_room_0055/rgb_00063.jpg /living_room_0055/sync_depth_00063.png 518.8579 +/dining_room_0015/rgb_00131.jpg /dining_room_0015/sync_depth_00131.png 518.8579 +/bathroom_0051/rgb_00058.jpg /bathroom_0051/sync_depth_00058.png 518.8579 +/bedroom_0063/rgb_00047.jpg /bedroom_0063/sync_depth_00047.png 518.8579 +/kitchen_0053/rgb_00113.jpg /kitchen_0053/sync_depth_00113.png 518.8579 +/kitchen_0045b/rgb_00091.jpg /kitchen_0045b/sync_depth_00091.png 518.8579 +/office_0006/rgb_00168.jpg /office_0006/sync_depth_00168.png 518.8579 +/kitchen_0028a/rgb_00005.jpg /kitchen_0028a/sync_depth_00005.png 518.8579 +/kitchen_0053/rgb_00163.jpg /kitchen_0053/sync_depth_00163.png 518.8579 +/kitchen_0011a/rgb_00110.jpg /kitchen_0011a/sync_depth_00110.png 518.8579 +/kitchen_0019a/rgb_00098.jpg /kitchen_0019a/sync_depth_00098.png 518.8579 +/dining_room_0034/rgb_00218.jpg /dining_room_0034/sync_depth_00218.png 518.8579 +/bookstore_0001h/rgb_00065.jpg /bookstore_0001h/sync_depth_00065.png 518.8579 +/bedroom_0063/rgb_00056.jpg /bedroom_0063/sync_depth_00056.png 518.8579 +/kitchen_0035b/rgb_00298.jpg /kitchen_0035b/sync_depth_00298.png 518.8579 +/bedroom_0126/rgb_00003.jpg /bedroom_0126/sync_depth_00003.png 518.8579 +/office_0026/rgb_00011.jpg /office_0026/sync_depth_00011.png 518.8579 +/bedroom_0050/rgb_00055.jpg /bedroom_0050/sync_depth_00055.png 518.8579 +/living_room_0069b/rgb_00057.jpg /living_room_0069b/sync_depth_00057.png 518.8579 +/kitchen_0060/rgb_00084.jpg /kitchen_0060/sync_depth_00084.png 518.8579 +/kitchen_0049/rgb_00169.jpg /kitchen_0049/sync_depth_00169.png 518.8579 +/kitchen_0017/rgb_00069.jpg /kitchen_0017/sync_depth_00069.png 518.8579 +/bedroom_0020/rgb_00048.jpg /bedroom_0020/sync_depth_00048.png 518.8579 +/bookstore_0001e/rgb_00172.jpg /bookstore_0001e/sync_depth_00172.png 518.8579 +/bedroom_0074/rgb_00023.jpg /bedroom_0074/sync_depth_00023.png 518.8579 +/dining_room_0015/rgb_00106.jpg /dining_room_0015/sync_depth_00106.png 518.8579 +/dining_room_0034/rgb_00098.jpg /dining_room_0034/sync_depth_00098.png 518.8579 +/bookstore_0001i/rgb_00031.jpg /bookstore_0001i/sync_depth_00031.png 518.8579 +/bedroom_0034/rgb_00098.jpg /bedroom_0034/sync_depth_00098.png 518.8579 +/office_0021/rgb_00002.jpg /office_0021/sync_depth_00002.png 518.8579 +/bedroom_0019/rgb_00089.jpg /bedroom_0019/sync_depth_00089.png 518.8579 +/bathroom_0048/rgb_00062.jpg /bathroom_0048/sync_depth_00062.png 518.8579 +/nyu_office_0/rgb_00030.jpg /nyu_office_0/sync_depth_00030.png 518.8579 +/kitchen_0028a/rgb_00100.jpg /kitchen_0028a/sync_depth_00100.png 518.8579 +/kitchen_0051/rgb_00334.jpg /kitchen_0051/sync_depth_00334.png 518.8579 +/bookstore_0001g/rgb_00210.jpg /bookstore_0001g/sync_depth_00210.png 518.8579 +/bedroom_0140/rgb_00017.jpg /bedroom_0140/sync_depth_00017.png 518.8579 +/living_room_0050/rgb_00030.jpg /living_room_0050/sync_depth_00030.png 518.8579 +/bookstore_0001f/rgb_00361.jpg /bookstore_0001f/sync_depth_00361.png 518.8579 +/bedroom_0069/rgb_00002.jpg /bedroom_0069/sync_depth_00002.png 518.8579 +/bookstore_0001f/rgb_00492.jpg /bookstore_0001f/sync_depth_00492.png 518.8579 +/kitchen_0047/rgb_00091.jpg /kitchen_0047/sync_depth_00091.png 518.8579 +/dining_room_0019/rgb_00154.jpg /dining_room_0019/sync_depth_00154.png 518.8579 +/kitchen_0035b/rgb_00255.jpg /kitchen_0035b/sync_depth_00255.png 518.8579 +/bedroom_0069/rgb_00048.jpg /bedroom_0069/sync_depth_00048.png 518.8579 +/kitchen_0050/rgb_00177.jpg /kitchen_0050/sync_depth_00177.png 518.8579 +/bathroom_0053/rgb_00024.jpg /bathroom_0053/sync_depth_00024.png 518.8579 +/living_room_0039/rgb_00170.jpg /living_room_0039/sync_depth_00170.png 518.8579 +/living_room_0033/rgb_00036.jpg /living_room_0033/sync_depth_00036.png 518.8579 +/kitchen_0053/rgb_00053.jpg /kitchen_0053/sync_depth_00053.png 518.8579 +/kitchen_0033/rgb_00125.jpg /kitchen_0033/sync_depth_00125.png 518.8579 +/furniture_store_0001d/rgb_00217.jpg /furniture_store_0001d/sync_depth_00217.png 518.8579 +/living_room_0020/rgb_00126.jpg /living_room_0020/sync_depth_00126.png 518.8579 +/kitchen_0029b/rgb_00036.jpg /kitchen_0029b/sync_depth_00036.png 518.8579 +/bedroom_0082/rgb_00052.jpg /bedroom_0082/sync_depth_00052.png 518.8579 +/living_room_0022/rgb_00014.jpg /living_room_0022/sync_depth_00014.png 518.8579 +/furniture_store_0001b/rgb_00070.jpg /furniture_store_0001b/sync_depth_00070.png 518.8579 +/dining_room_0031/rgb_00202.jpg /dining_room_0031/sync_depth_00202.png 518.8579 +/living_room_0012/rgb_00040.jpg /living_room_0012/sync_depth_00040.png 518.8579 +/bedroom_0052/rgb_00141.jpg /bedroom_0052/sync_depth_00141.png 518.8579 +/study_0004/rgb_00018.jpg /study_0004/sync_depth_00018.png 518.8579 +/furniture_store_0001d/rgb_00219.jpg /furniture_store_0001d/sync_depth_00219.png 518.8579 +/bookstore_0001j/rgb_00099.jpg /bookstore_0001j/sync_depth_00099.png 518.8579 +/kitchen_0029c/rgb_00045.jpg /kitchen_0029c/sync_depth_00045.png 518.8579 +/kitchen_0037/rgb_00046.jpg /kitchen_0037/sync_depth_00046.png 518.8579 +/furniture_store_0002b/rgb_00228.jpg /furniture_store_0002b/sync_depth_00228.png 518.8579 +/dining_room_0014/rgb_00023.jpg /dining_room_0014/sync_depth_00023.png 518.8579 +/dining_room_0007/rgb_00038.jpg /dining_room_0007/sync_depth_00038.png 518.8579 +/dining_room_0016/rgb_00196.jpg /dining_room_0016/sync_depth_00196.png 518.8579 +/bedroom_0069/rgb_00028.jpg /bedroom_0069/sync_depth_00028.png 518.8579 +/bookstore_0001f/rgb_00362.jpg /bookstore_0001f/sync_depth_00362.png 518.8579 +/living_room_0005/rgb_00084.jpg /living_room_0005/sync_depth_00084.png 518.8579 +/home_storage_0001/rgb_00155.jpg /home_storage_0001/sync_depth_00155.png 518.8579 +/student_lounge_0001/rgb_00169.jpg /student_lounge_0001/sync_depth_00169.png 518.8579 +/dining_room_0015/rgb_00154.jpg /dining_room_0015/sync_depth_00154.png 518.8579 +/living_room_0005/rgb_00057.jpg /living_room_0005/sync_depth_00057.png 518.8579 +/playroom_0004/rgb_00083.jpg /playroom_0004/sync_depth_00083.png 518.8579 +/living_room_0020/rgb_00165.jpg /living_room_0020/sync_depth_00165.png 518.8579 +/bedroom_0076a/rgb_00057.jpg /bedroom_0076a/sync_depth_00057.png 518.8579 +/furniture_store_0001d/rgb_00082.jpg /furniture_store_0001d/sync_depth_00082.png 518.8579 +/living_room_0085/rgb_00053.jpg /living_room_0085/sync_depth_00053.png 518.8579 +/cafe_0001a/rgb_00041.jpg /cafe_0001a/sync_depth_00041.png 518.8579 +/kitchen_0035b/rgb_00217.jpg /kitchen_0035b/sync_depth_00217.png 518.8579 +/home_office_0006/rgb_00094.jpg /home_office_0006/sync_depth_00094.png 518.8579 +/bathroom_0016/rgb_00026.jpg /bathroom_0016/sync_depth_00026.png 518.8579 +/bedroom_0025/rgb_00058.jpg /bedroom_0025/sync_depth_00058.png 518.8579 +/bookstore_0001d/rgb_00216.jpg /bookstore_0001d/sync_depth_00216.png 518.8579 +/bedroom_0056a/rgb_00102.jpg /bedroom_0056a/sync_depth_00102.png 518.8579 +/dining_room_0029/rgb_00060.jpg /dining_room_0029/sync_depth_00060.png 518.8579 +/bedroom_0052/rgb_00218.jpg /bedroom_0052/sync_depth_00218.png 518.8579 +/bedroom_0069/rgb_00013.jpg /bedroom_0069/sync_depth_00013.png 518.8579 +/dining_room_0031/rgb_00307.jpg /dining_room_0031/sync_depth_00307.png 518.8579 +/home_storage_0001/rgb_00058.jpg /home_storage_0001/sync_depth_00058.png 518.8579 +/dining_room_0028/rgb_00060.jpg /dining_room_0028/sync_depth_00060.png 518.8579 +/living_room_0010/rgb_00029.jpg /living_room_0010/sync_depth_00029.png 518.8579 +/bathroom_0048/rgb_00023.jpg /bathroom_0048/sync_depth_00023.png 518.8579 +/bookstore_0001e/rgb_00080.jpg /bookstore_0001e/sync_depth_00080.png 518.8579 +/living_room_0069a/rgb_00021.jpg /living_room_0069a/sync_depth_00021.png 518.8579 +/bedroom_0045/rgb_00004.jpg /bedroom_0045/sync_depth_00004.png 518.8579 +/kitchen_0048/rgb_00047.jpg /kitchen_0048/sync_depth_00047.png 518.8579 +/dining_room_0019/rgb_00142.jpg /dining_room_0019/sync_depth_00142.png 518.8579 +/living_room_0005/rgb_00038.jpg /living_room_0005/sync_depth_00038.png 518.8579 +/kitchen_0051/rgb_00217.jpg /kitchen_0051/sync_depth_00217.png 518.8579 +/dining_room_0031/rgb_00374.jpg /dining_room_0031/sync_depth_00374.png 518.8579 +/kitchen_0053/rgb_00227.jpg /kitchen_0053/sync_depth_00227.png 518.8579 +/furniture_store_0002a/rgb_00396.jpg /furniture_store_0002a/sync_depth_00396.png 518.8579 +/reception_room_0002/rgb_00120.jpg /reception_room_0002/sync_depth_00120.png 518.8579 +/living_room_0020/rgb_00175.jpg /living_room_0020/sync_depth_00175.png 518.8579 +/living_room_0010/rgb_00128.jpg /living_room_0010/sync_depth_00128.png 518.8579 +/nyu_office_1/rgb_00007.jpg /nyu_office_1/sync_depth_00007.png 518.8579 +/cafe_0001c/rgb_00006.jpg /cafe_0001c/sync_depth_00006.png 518.8579 +/bedroom_0010/rgb_00039.jpg /bedroom_0010/sync_depth_00039.png 518.8579 +/bathroom_0034/rgb_00058.jpg /bathroom_0034/sync_depth_00058.png 518.8579 +/living_room_0018/rgb_00200.jpg /living_room_0018/sync_depth_00200.png 518.8579 +/bookstore_0001e/rgb_00229.jpg /bookstore_0001e/sync_depth_00229.png 518.8579 +/living_room_0011/rgb_00134.jpg /living_room_0011/sync_depth_00134.png 518.8579 +/dining_room_0037/rgb_00102.jpg /dining_room_0037/sync_depth_00102.png 518.8579 +/furniture_store_0001d/rgb_00267.jpg /furniture_store_0001d/sync_depth_00267.png 518.8579 +/bedroom_0082/rgb_00038.jpg /bedroom_0082/sync_depth_00038.png 518.8579 +/living_room_0086a/rgb_00023.jpg /living_room_0086a/sync_depth_00023.png 518.8579 +/bedroom_0072/rgb_00043.jpg /bedroom_0072/sync_depth_00043.png 518.8579 +/dining_room_0024/rgb_00041.jpg /dining_room_0024/sync_depth_00041.png 518.8579 +/reception_room_0001b/rgb_00087.jpg /reception_room_0001b/sync_depth_00087.png 518.8579 +/bedroom_0130/rgb_00014.jpg /bedroom_0130/sync_depth_00014.png 518.8579 +/bookstore_0001i/rgb_00120.jpg /bookstore_0001i/sync_depth_00120.png 518.8579 +/bedroom_0069/rgb_00112.jpg /bedroom_0069/sync_depth_00112.png 518.8579 +/dining_room_0023/rgb_00152.jpg /dining_room_0023/sync_depth_00152.png 518.8579 +/kitchen_0037/rgb_00013.jpg /kitchen_0037/sync_depth_00013.png 518.8579 +/bedroom_0071/rgb_00063.jpg /bedroom_0071/sync_depth_00063.png 518.8579 +/office_0011/rgb_00086.jpg /office_0011/sync_depth_00086.png 518.8579 +/living_room_0005/rgb_00070.jpg /living_room_0005/sync_depth_00070.png 518.8579 +/office_0018/rgb_00003.jpg /office_0018/sync_depth_00003.png 518.8579 +/classroom_0003/rgb_00052.jpg /classroom_0003/sync_depth_00052.png 518.8579 +/bedroom_0040/rgb_00091.jpg /bedroom_0040/sync_depth_00091.png 518.8579 +/kitchen_0031/rgb_00057.jpg /kitchen_0031/sync_depth_00057.png 518.8579 +/office_0025/rgb_00046.jpg /office_0025/sync_depth_00046.png 518.8579 +/living_room_0069b/rgb_00059.jpg /living_room_0069b/sync_depth_00059.png 518.8579 +/bookstore_0001f/rgb_00501.jpg /bookstore_0001f/sync_depth_00501.png 518.8579 +/study_room_0005b/rgb_00030.jpg /study_room_0005b/sync_depth_00030.png 518.8579 +/cafe_0001c/rgb_00065.jpg /cafe_0001c/sync_depth_00065.png 518.8579 +/living_room_0046b/rgb_00017.jpg /living_room_0046b/sync_depth_00017.png 518.8579 +/home_office_0004/rgb_00185.jpg /home_office_0004/sync_depth_00185.png 518.8579 +/living_room_0022/rgb_00048.jpg /living_room_0022/sync_depth_00048.png 518.8579 +/bedroom_0056b/rgb_00011.jpg /bedroom_0056b/sync_depth_00011.png 518.8579 +/reception_room_0002/rgb_00031.jpg /reception_room_0002/sync_depth_00031.png 518.8579 +/living_room_0011/rgb_00036.jpg /living_room_0011/sync_depth_00036.png 518.8579 +/kitchen_0051/rgb_00080.jpg /kitchen_0051/sync_depth_00080.png 518.8579 +/living_room_0058/rgb_00039.jpg /living_room_0058/sync_depth_00039.png 518.8579 +/conference_room_0002/rgb_00020.jpg /conference_room_0002/sync_depth_00020.png 518.8579 +/furniture_store_0001b/rgb_00022.jpg /furniture_store_0001b/sync_depth_00022.png 518.8579 +/living_room_0050/rgb_00206.jpg /living_room_0050/sync_depth_00206.png 518.8579 +/living_room_0019/rgb_00075.jpg /living_room_0019/sync_depth_00075.png 518.8579 +/excercise_room_0001/rgb_00111.jpg /excercise_room_0001/sync_depth_00111.png 518.8579 +/living_room_0010/rgb_00102.jpg /living_room_0010/sync_depth_00102.png 518.8579 +/kitchen_0019a/rgb_00048.jpg /kitchen_0019a/sync_depth_00048.png 518.8579 +/playroom_0003/rgb_00120.jpg /playroom_0003/sync_depth_00120.png 518.8579 +/dining_room_0015/rgb_00263.jpg /dining_room_0015/sync_depth_00263.png 518.8579 +/living_room_0069b/rgb_00086.jpg /living_room_0069b/sync_depth_00086.png 518.8579 +/bedroom_0025/rgb_00000.jpg /bedroom_0025/sync_depth_00000.png 518.8579 +/bedroom_0136/rgb_00030.jpg /bedroom_0136/sync_depth_00030.png 518.8579 +/kitchen_0048/rgb_00099.jpg /kitchen_0048/sync_depth_00099.png 518.8579 +/office_kitchen_0001a/rgb_00017.jpg /office_kitchen_0001a/sync_depth_00017.png 518.8579 +/bedroom_0050/rgb_00090.jpg /bedroom_0050/sync_depth_00090.png 518.8579 +/bedroom_0106/rgb_00013.jpg /bedroom_0106/sync_depth_00013.png 518.8579 +/office_0004/rgb_00073.jpg /office_0004/sync_depth_00073.png 518.8579 +/kitchen_0028a/rgb_00020.jpg /kitchen_0028a/sync_depth_00020.png 518.8579 +/bedroom_0069/rgb_00118.jpg /bedroom_0069/sync_depth_00118.png 518.8579 +/office_0023/rgb_00003.jpg /office_0023/sync_depth_00003.png 518.8579 +/living_room_0040/rgb_00244.jpg /living_room_0040/sync_depth_00244.png 518.8579 +/living_room_0067/rgb_00070.jpg /living_room_0067/sync_depth_00070.png 518.8579 +/living_room_0004/rgb_00080.jpg /living_room_0004/sync_depth_00080.png 518.8579 +/kitchen_0028a/rgb_00142.jpg /kitchen_0028a/sync_depth_00142.png 518.8579 +/bookstore_0001d/rgb_00048.jpg /bookstore_0001d/sync_depth_00048.png 518.8579 +/bookstore_0001d/rgb_00236.jpg /bookstore_0001d/sync_depth_00236.png 518.8579 +/furniture_store_0002a/rgb_00268.jpg /furniture_store_0002a/sync_depth_00268.png 518.8579 +/bedroom_0050/rgb_00056.jpg /bedroom_0050/sync_depth_00056.png 518.8579 +/office_0011/rgb_00083.jpg /office_0011/sync_depth_00083.png 518.8579 +/home_office_0011/rgb_00068.jpg /home_office_0011/sync_depth_00068.png 518.8579 +/dining_room_0004/rgb_00053.jpg /dining_room_0004/sync_depth_00053.png 518.8579 +/dining_room_0019/rgb_00025.jpg /dining_room_0019/sync_depth_00025.png 518.8579 +/bathroom_0023/rgb_00007.jpg /bathroom_0023/sync_depth_00007.png 518.8579 +/bathroom_0013/rgb_00010.jpg /bathroom_0013/sync_depth_00010.png 518.8579 +/dining_room_0037/rgb_00155.jpg /dining_room_0037/sync_depth_00155.png 518.8579 +/kitchen_0028b/rgb_00048.jpg /kitchen_0028b/sync_depth_00048.png 518.8579 +/bathroom_0014a/rgb_00042.jpg /bathroom_0014a/sync_depth_00042.png 518.8579 +/living_room_0047b/rgb_00031.jpg /living_room_0047b/sync_depth_00031.png 518.8579 +/living_room_0040/rgb_00006.jpg /living_room_0040/sync_depth_00006.png 518.8579 +/bedroom_0129/rgb_00084.jpg /bedroom_0129/sync_depth_00084.png 518.8579 +/office_0026/rgb_00057.jpg /office_0026/sync_depth_00057.png 518.8579 +/dining_room_0001b/rgb_00190.jpg /dining_room_0001b/sync_depth_00190.png 518.8579 +/bedroom_0033/rgb_00086.jpg /bedroom_0033/sync_depth_00086.png 518.8579 +/office_kitchen_0003/rgb_00122.jpg /office_kitchen_0003/sync_depth_00122.png 518.8579 +/bedroom_0050/rgb_00005.jpg /bedroom_0050/sync_depth_00005.png 518.8579 +/playroom_0002/rgb_00009.jpg /playroom_0002/sync_depth_00009.png 518.8579 +/bookstore_0001j/rgb_00215.jpg /bookstore_0001j/sync_depth_00215.png 518.8579 +/bedroom_0020/rgb_00067.jpg /bedroom_0020/sync_depth_00067.png 518.8579 +/living_room_0062/rgb_00219.jpg /living_room_0062/sync_depth_00219.png 518.8579 +/kitchen_0050/rgb_00007.jpg /kitchen_0050/sync_depth_00007.png 518.8579 +/bedroom_0129/rgb_00024.jpg /bedroom_0129/sync_depth_00024.png 518.8579 +/study_0008/rgb_00057.jpg /study_0008/sync_depth_00057.png 518.8579 +/study_room_0004/rgb_00113.jpg /study_room_0004/sync_depth_00113.png 518.8579 +/furniture_store_0002b/rgb_00071.jpg /furniture_store_0002b/sync_depth_00071.png 518.8579 +/living_room_0020/rgb_00222.jpg /living_room_0020/sync_depth_00222.png 518.8579 +/dining_room_0029/rgb_00035.jpg /dining_room_0029/sync_depth_00035.png 518.8579 +/dining_room_0033/rgb_00125.jpg /dining_room_0033/sync_depth_00125.png 518.8579 +/bedroom_0136/rgb_00038.jpg /bedroom_0136/sync_depth_00038.png 518.8579 +/bedroom_0124/rgb_00025.jpg /bedroom_0124/sync_depth_00025.png 518.8579 +/bedroom_0050/rgb_00185.jpg /bedroom_0050/sync_depth_00185.png 518.8579 +/home_office_0011/rgb_00074.jpg /home_office_0011/sync_depth_00074.png 518.8579 +/office_0006/rgb_00106.jpg /office_0006/sync_depth_00106.png 518.8579 +/bedroom_0053/rgb_00056.jpg /bedroom_0053/sync_depth_00056.png 518.8579 +/bookstore_0001d/rgb_00201.jpg /bookstore_0001d/sync_depth_00201.png 518.8579 +/bedroom_0015/rgb_00090.jpg /bedroom_0015/sync_depth_00090.png 518.8579 +/bookstore_0001d/rgb_00310.jpg /bookstore_0001d/sync_depth_00310.png 518.8579 +/dining_room_0008/rgb_00116.jpg /dining_room_0008/sync_depth_00116.png 518.8579 +/living_room_0040/rgb_00151.jpg /living_room_0040/sync_depth_00151.png 518.8579 +/living_room_0033/rgb_00030.jpg /living_room_0033/sync_depth_00030.png 518.8579 +/dining_room_0016/rgb_00107.jpg /dining_room_0016/sync_depth_00107.png 518.8579 +/home_office_0006/rgb_00083.jpg /home_office_0006/sync_depth_00083.png 518.8579 +/furniture_store_0002a/rgb_00149.jpg /furniture_store_0002a/sync_depth_00149.png 518.8579 +/nyu_office_0/rgb_00293.jpg /nyu_office_0/sync_depth_00293.png 518.8579 +/dining_room_0008/rgb_00051.jpg /dining_room_0008/sync_depth_00051.png 518.8579 +/bedroom_0017/rgb_00011.jpg /bedroom_0017/sync_depth_00011.png 518.8579 +/kitchen_0003/rgb_00029.jpg /kitchen_0003/sync_depth_00029.png 518.8579 +/bedroom_0120/rgb_00039.jpg /bedroom_0120/sync_depth_00039.png 518.8579 +/kitchen_0050/rgb_00215.jpg /kitchen_0050/sync_depth_00215.png 518.8579 +/bookstore_0001j/rgb_00154.jpg /bookstore_0001j/sync_depth_00154.png 518.8579 +/bookstore_0001d/rgb_00050.jpg /bookstore_0001d/sync_depth_00050.png 518.8579 +/kitchen_0010/rgb_00030.jpg /kitchen_0010/sync_depth_00030.png 518.8579 +/office_0012/rgb_00020.jpg /office_0012/sync_depth_00020.png 518.8579 +/living_room_0069a/rgb_00039.jpg /living_room_0069a/sync_depth_00039.png 518.8579 +/bedroom_0052/rgb_00087.jpg /bedroom_0052/sync_depth_00087.png 518.8579 +/excercise_room_0001/rgb_00047.jpg /excercise_room_0001/sync_depth_00047.png 518.8579 +/classroom_0012/rgb_00045.jpg /classroom_0012/sync_depth_00045.png 518.8579 +/bookstore_0001d/rgb_00285.jpg /bookstore_0001d/sync_depth_00285.png 518.8579 +/bedroom_0051/rgb_00046.jpg /bedroom_0051/sync_depth_00046.png 518.8579 +/classroom_0010/rgb_00022.jpg /classroom_0010/sync_depth_00022.png 518.8579 +/living_room_0082/rgb_00011.jpg /living_room_0082/sync_depth_00011.png 518.8579 +/furniture_store_0001a/rgb_00055.jpg /furniture_store_0001a/sync_depth_00055.png 518.8579 +/kitchen_0031/rgb_00034.jpg /kitchen_0031/sync_depth_00034.png 518.8579 +/dining_room_0004/rgb_00101.jpg /dining_room_0004/sync_depth_00101.png 518.8579 +/kitchen_0048/rgb_00118.jpg /kitchen_0048/sync_depth_00118.png 518.8579 +/bedroom_0017/rgb_00104.jpg /bedroom_0017/sync_depth_00104.png 518.8579 +/kitchen_0045b/rgb_00125.jpg /kitchen_0045b/sync_depth_00125.png 518.8579 +/bedroom_0052/rgb_00089.jpg /bedroom_0052/sync_depth_00089.png 518.8579 +/kitchen_0048/rgb_00108.jpg /kitchen_0048/sync_depth_00108.png 518.8579 +/living_room_0010/rgb_00065.jpg /living_room_0010/sync_depth_00065.png 518.8579 +/laundry_room_0001/rgb_00018.jpg /laundry_room_0001/sync_depth_00018.png 518.8579 +/dining_room_0034/rgb_00171.jpg /dining_room_0034/sync_depth_00171.png 518.8579 +/office_0004/rgb_00051.jpg /office_0004/sync_depth_00051.png 518.8579 +/dining_room_0013/rgb_00109.jpg /dining_room_0013/sync_depth_00109.png 518.8579 +/bathroom_0055/rgb_00020.jpg /bathroom_0055/sync_depth_00020.png 518.8579 +/bookstore_0001i/rgb_00153.jpg /bookstore_0001i/sync_depth_00153.png 518.8579 +/living_room_0020/rgb_00125.jpg /living_room_0020/sync_depth_00125.png 518.8579 +/bathroom_0002/rgb_00019.jpg /bathroom_0002/sync_depth_00019.png 518.8579 +/living_room_0005/rgb_00145.jpg /living_room_0005/sync_depth_00145.png 518.8579 +/living_room_0047a/rgb_00044.jpg /living_room_0047a/sync_depth_00044.png 518.8579 +/bedroom_0138/rgb_00056.jpg /bedroom_0138/sync_depth_00056.png 518.8579 +/bedroom_0097/rgb_00049.jpg /bedroom_0097/sync_depth_00049.png 518.8579 +/living_room_0083/rgb_00082.jpg /living_room_0083/sync_depth_00082.png 518.8579 +/bedroom_0140/rgb_00062.jpg /bedroom_0140/sync_depth_00062.png 518.8579 +/living_room_0047b/rgb_00120.jpg /living_room_0047b/sync_depth_00120.png 518.8579 +/furniture_store_0002b/rgb_00139.jpg /furniture_store_0002b/sync_depth_00139.png 518.8579 +/kitchen_0017/rgb_00106.jpg /kitchen_0017/sync_depth_00106.png 518.8579 +/kitchen_0028a/rgb_00119.jpg /kitchen_0028a/sync_depth_00119.png 518.8579 +/kitchen_0019a/rgb_00122.jpg /kitchen_0019a/sync_depth_00122.png 518.8579 +/bedroom_0014/rgb_00072.jpg /bedroom_0014/sync_depth_00072.png 518.8579 +/kitchen_0028a/rgb_00023.jpg /kitchen_0028a/sync_depth_00023.png 518.8579 +/dining_room_0031/rgb_00160.jpg /dining_room_0031/sync_depth_00160.png 518.8579 +/bedroom_0056a/rgb_00007.jpg /bedroom_0056a/sync_depth_00007.png 518.8579 +/bathroom_0019/rgb_00027.jpg /bathroom_0019/sync_depth_00027.png 518.8579 +/living_room_0040/rgb_00263.jpg /living_room_0040/sync_depth_00263.png 518.8579 +/bedroom_0063/rgb_00019.jpg /bedroom_0063/sync_depth_00019.png 518.8579 +/living_room_0058/rgb_00184.jpg /living_room_0058/sync_depth_00184.png 518.8579 +/bathroom_0013/rgb_00013.jpg /bathroom_0013/sync_depth_00013.png 518.8579 +/bedroom_0040/rgb_00076.jpg /bedroom_0040/sync_depth_00076.png 518.8579 +/kitchen_0003/rgb_00046.jpg /kitchen_0003/sync_depth_00046.png 518.8579 +/living_room_0039/rgb_00151.jpg /living_room_0039/sync_depth_00151.png 518.8579 +/kitchen_0060/rgb_00034.jpg /kitchen_0060/sync_depth_00034.png 518.8579 +/bedroom_0028/rgb_00067.jpg /bedroom_0028/sync_depth_00067.png 518.8579 +/bedroom_0047/rgb_00008.jpg /bedroom_0047/sync_depth_00008.png 518.8579 +/bedroom_0086/rgb_00126.jpg /bedroom_0086/sync_depth_00126.png 518.8579 +/kitchen_0031/rgb_00187.jpg /kitchen_0031/sync_depth_00187.png 518.8579 +/bedroom_0051/rgb_00154.jpg /bedroom_0051/sync_depth_00154.png 518.8579 +/bedroom_0025/rgb_00057.jpg /bedroom_0025/sync_depth_00057.png 518.8579 +/kitchen_0019a/rgb_00077.jpg /kitchen_0019a/sync_depth_00077.png 518.8579 +/bookstore_0001i/rgb_00077.jpg /bookstore_0001i/sync_depth_00077.png 518.8579 +/living_room_0029/rgb_00097.jpg /living_room_0029/sync_depth_00097.png 518.8579 +/kitchen_0049/rgb_00119.jpg /kitchen_0049/sync_depth_00119.png 518.8579 +/living_room_0040/rgb_00109.jpg /living_room_0040/sync_depth_00109.png 518.8579 +/kitchen_0016/rgb_00091.jpg /kitchen_0016/sync_depth_00091.png 518.8579 +/bathroom_0002/rgb_00025.jpg /bathroom_0002/sync_depth_00025.png 518.8579 +/classroom_0003/rgb_00083.jpg /classroom_0003/sync_depth_00083.png 518.8579 +/bedroom_0004/rgb_00184.jpg /bedroom_0004/sync_depth_00184.png 518.8579 +/home_office_0005/rgb_00042.jpg /home_office_0005/sync_depth_00042.png 518.8579 +/office_0006/rgb_00008.jpg /office_0006/sync_depth_00008.png 518.8579 +/bathroom_0028/rgb_00143.jpg /bathroom_0028/sync_depth_00143.png 518.8579 +/kitchen_0035b/rgb_00209.jpg /kitchen_0035b/sync_depth_00209.png 518.8579 +/dining_room_0015/rgb_00169.jpg /dining_room_0015/sync_depth_00169.png 518.8579 +/kitchen_0043/rgb_00085.jpg /kitchen_0043/sync_depth_00085.png 518.8579 +/kitchen_0019b/rgb_00027.jpg /kitchen_0019b/sync_depth_00027.png 518.8579 +/living_room_0022/rgb_00030.jpg /living_room_0022/sync_depth_00030.png 518.8579 +/bathroom_0005/rgb_00032.jpg /bathroom_0005/sync_depth_00032.png 518.8579 +/living_room_0069a/rgb_00122.jpg /living_room_0069a/sync_depth_00122.png 518.8579 +/living_room_0018/rgb_00188.jpg /living_room_0018/sync_depth_00188.png 518.8579 +/bookstore_0001d/rgb_00351.jpg /bookstore_0001d/sync_depth_00351.png 518.8579 +/furniture_store_0002a/rgb_00214.jpg /furniture_store_0002a/sync_depth_00214.png 518.8579 +/bedroom_0096/rgb_00007.jpg /bedroom_0096/sync_depth_00007.png 518.8579 +/playroom_0002/rgb_00080.jpg /playroom_0002/sync_depth_00080.png 518.8579 +/computer_lab_0002/rgb_00039.jpg /computer_lab_0002/sync_depth_00039.png 518.8579 +/bedroom_0078/rgb_00108.jpg /bedroom_0078/sync_depth_00108.png 518.8579 +/dining_room_0016/rgb_00204.jpg /dining_room_0016/sync_depth_00204.png 518.8579 +/living_room_0078/rgb_00029.jpg /living_room_0078/sync_depth_00029.png 518.8579 +/bedroom_0050/rgb_00027.jpg /bedroom_0050/sync_depth_00027.png 518.8579 +/reception_room_0002/rgb_00014.jpg /reception_room_0002/sync_depth_00014.png 518.8579 +/dining_room_0028/rgb_00084.jpg /dining_room_0028/sync_depth_00084.png 518.8579 +/bedroom_0106/rgb_00078.jpg /bedroom_0106/sync_depth_00078.png 518.8579 +/kitchen_0033/rgb_00129.jpg /kitchen_0033/sync_depth_00129.png 518.8579 +/living_room_0022/rgb_00390.jpg /living_room_0022/sync_depth_00390.png 518.8579 +/kitchen_0035b/rgb_00246.jpg /kitchen_0035b/sync_depth_00246.png 518.8579 +/classroom_0012/rgb_00024.jpg /classroom_0012/sync_depth_00024.png 518.8579 +/home_storage_0001/rgb_00081.jpg /home_storage_0001/sync_depth_00081.png 518.8579 +/bedroom_0086/rgb_00034.jpg /bedroom_0086/sync_depth_00034.png 518.8579 +/bedroom_0016/rgb_00035.jpg /bedroom_0016/sync_depth_00035.png 518.8579 +/reception_room_0001a/rgb_00077.jpg /reception_room_0001a/sync_depth_00077.png 518.8579 +/living_room_0010/rgb_00013.jpg /living_room_0010/sync_depth_00013.png 518.8579 +/kitchen_0051/rgb_00064.jpg /kitchen_0051/sync_depth_00064.png 518.8579 +/excercise_room_0001/rgb_00081.jpg /excercise_room_0001/sync_depth_00081.png 518.8579 +/dining_room_0001b/rgb_00050.jpg /dining_room_0001b/sync_depth_00050.png 518.8579 +/bedroom_0136/rgb_00160.jpg /bedroom_0136/sync_depth_00160.png 518.8579 +/study_0008/rgb_00048.jpg /study_0008/sync_depth_00048.png 518.8579 +/living_room_0039/rgb_00180.jpg /living_room_0039/sync_depth_00180.png 518.8579 +/kitchen_0051/rgb_00265.jpg /kitchen_0051/sync_depth_00265.png 518.8579 +/bookstore_0001d/rgb_00109.jpg /bookstore_0001d/sync_depth_00109.png 518.8579 +/dining_room_0015/rgb_00048.jpg /dining_room_0015/sync_depth_00048.png 518.8579 +/bookstore_0001h/rgb_00089.jpg /bookstore_0001h/sync_depth_00089.png 518.8579 +/office_kitchen_0001a/rgb_00075.jpg /office_kitchen_0001a/sync_depth_00075.png 518.8579 +/home_office_0004/rgb_00096.jpg /home_office_0004/sync_depth_00096.png 518.8579 +/bedroom_0072/rgb_00061.jpg /bedroom_0072/sync_depth_00061.png 518.8579 +/bedroom_0056a/rgb_00111.jpg /bedroom_0056a/sync_depth_00111.png 518.8579 +/bedroom_0016/rgb_00032.jpg /bedroom_0016/sync_depth_00032.png 518.8579 +/bedroom_0056a/rgb_00066.jpg /bedroom_0056a/sync_depth_00066.png 518.8579 +/bedroom_0066/rgb_00021.jpg /bedroom_0066/sync_depth_00021.png 518.8579 +/classroom_0004/rgb_00052.jpg /classroom_0004/sync_depth_00052.png 518.8579 +/excercise_room_0001/rgb_00060.jpg /excercise_room_0001/sync_depth_00060.png 518.8579 +/playroom_0004/rgb_00038.jpg /playroom_0004/sync_depth_00038.png 518.8579 +/home_office_0005/rgb_00087.jpg /home_office_0005/sync_depth_00087.png 518.8579 +/living_room_0062/rgb_00135.jpg /living_room_0062/sync_depth_00135.png 518.8579 +/bedroom_0136/rgb_00051.jpg /bedroom_0136/sync_depth_00051.png 518.8579 +/kitchen_0049/rgb_00072.jpg /kitchen_0049/sync_depth_00072.png 518.8579 +/home_office_0008/rgb_00019.jpg /home_office_0008/sync_depth_00019.png 518.8579 +/excercise_room_0001/rgb_00007.jpg /excercise_room_0001/sync_depth_00007.png 518.8579 +/nyu_office_1/rgb_00082.jpg /nyu_office_1/sync_depth_00082.png 518.8579 +/bedroom_0021/rgb_00010.jpg /bedroom_0021/sync_depth_00010.png 518.8579 +/bedroom_0074/rgb_00110.jpg /bedroom_0074/sync_depth_00110.png 518.8579 +/bookstore_0001h/rgb_00030.jpg /bookstore_0001h/sync_depth_00030.png 518.8579 +/dining_room_0015/rgb_00234.jpg /dining_room_0015/sync_depth_00234.png 518.8579 +/bookstore_0001f/rgb_00235.jpg /bookstore_0001f/sync_depth_00235.png 518.8579 +/bookstore_0001f/rgb_00177.jpg /bookstore_0001f/sync_depth_00177.png 518.8579 +/dining_room_0024/rgb_00076.jpg /dining_room_0024/sync_depth_00076.png 518.8579 +/bookstore_0001g/rgb_00086.jpg /bookstore_0001g/sync_depth_00086.png 518.8579 +/dining_room_0016/rgb_00201.jpg /dining_room_0016/sync_depth_00201.png 518.8579 +/bedroom_0031/rgb_00050.jpg /bedroom_0031/sync_depth_00050.png 518.8579 +/living_room_0019/rgb_00180.jpg /living_room_0019/sync_depth_00180.png 518.8579 +/bookstore_0001g/rgb_00033.jpg /bookstore_0001g/sync_depth_00033.png 518.8579 +/dining_room_0013/rgb_00167.jpg /dining_room_0013/sync_depth_00167.png 518.8579 +/bookstore_0001j/rgb_00073.jpg /bookstore_0001j/sync_depth_00073.png 518.8579 +/living_room_0050/rgb_00214.jpg /living_room_0050/sync_depth_00214.png 518.8579 +/bedroom_0050/rgb_00188.jpg /bedroom_0050/sync_depth_00188.png 518.8579 +/dining_room_0031/rgb_00378.jpg /dining_room_0031/sync_depth_00378.png 518.8579 +/office_0024/rgb_00094.jpg /office_0024/sync_depth_00094.png 518.8579 +/office_kitchen_0001a/rgb_00034.jpg /office_kitchen_0001a/sync_depth_00034.png 518.8579 +/living_room_0086a/rgb_00058.jpg /living_room_0086a/sync_depth_00058.png 518.8579 +/bathroom_0030/rgb_00015.jpg /bathroom_0030/sync_depth_00015.png 518.8579 +/kitchen_0029c/rgb_00128.jpg /kitchen_0029c/sync_depth_00128.png 518.8579 +/bedroom_0120/rgb_00000.jpg /bedroom_0120/sync_depth_00000.png 518.8579 +/bedroom_0140/rgb_00012.jpg /bedroom_0140/sync_depth_00012.png 518.8579 +/living_room_0029/rgb_00090.jpg /living_room_0029/sync_depth_00090.png 518.8579 +/bedroom_0052/rgb_00166.jpg /bedroom_0052/sync_depth_00166.png 518.8579 +/study_0004/rgb_00033.jpg /study_0004/sync_depth_00033.png 518.8579 +/kitchen_0028a/rgb_00181.jpg /kitchen_0028a/sync_depth_00181.png 518.8579 +/bookstore_0001f/rgb_00249.jpg /bookstore_0001f/sync_depth_00249.png 518.8579 +/living_room_0022/rgb_00207.jpg /living_room_0022/sync_depth_00207.png 518.8579 +/bathroom_0041/rgb_00043.jpg /bathroom_0041/sync_depth_00043.png 518.8579 +/living_room_0042b/rgb_00045.jpg /living_room_0042b/sync_depth_00045.png 518.8579 +/bedroom_0071/rgb_00145.jpg /bedroom_0071/sync_depth_00145.png 518.8579 +/student_lounge_0001/rgb_00099.jpg /student_lounge_0001/sync_depth_00099.png 518.8579 +/furniture_store_0002b/rgb_00030.jpg /furniture_store_0002b/sync_depth_00030.png 518.8579 +/living_room_0086a/rgb_00065.jpg /living_room_0086a/sync_depth_00065.png 518.8579 +/printer_room_0001/rgb_00052.jpg /printer_room_0001/sync_depth_00052.png 518.8579 +/kitchen_0053/rgb_00002.jpg /kitchen_0053/sync_depth_00002.png 518.8579 +/office_kitchen_0001b/rgb_00013.jpg /office_kitchen_0001b/sync_depth_00013.png 518.8579 +/conference_room_0001/rgb_00105.jpg /conference_room_0001/sync_depth_00105.png 518.8579 +/reception_room_0001a/rgb_00116.jpg /reception_room_0001a/sync_depth_00116.png 518.8579 +/dining_room_0029/rgb_00031.jpg /dining_room_0029/sync_depth_00031.png 518.8579 +/dining_room_0012/rgb_00145.jpg /dining_room_0012/sync_depth_00145.png 518.8579 +/home_office_0005/rgb_00005.jpg /home_office_0005/sync_depth_00005.png 518.8579 +/bedroom_0076a/rgb_00171.jpg /bedroom_0076a/sync_depth_00171.png 518.8579 +/playroom_0003/rgb_00160.jpg /playroom_0003/sync_depth_00160.png 518.8579 +/bedroom_0126/rgb_00006.jpg /bedroom_0126/sync_depth_00006.png 518.8579 +/bedroom_0130/rgb_00096.jpg /bedroom_0130/sync_depth_00096.png 518.8579 +/living_room_0012/rgb_00202.jpg /living_room_0012/sync_depth_00202.png 518.8579 +/home_office_0011/rgb_00016.jpg /home_office_0011/sync_depth_00016.png 518.8579 +/bedroom_0033/rgb_00139.jpg /bedroom_0033/sync_depth_00139.png 518.8579 +/kitchen_0010/rgb_00097.jpg /kitchen_0010/sync_depth_00097.png 518.8579 +/office_0011/rgb_00114.jpg /office_0011/sync_depth_00114.png 518.8579 +/furniture_store_0002b/rgb_00171.jpg /furniture_store_0002b/sync_depth_00171.png 518.8579 +/bedroom_0129/rgb_00071.jpg /bedroom_0129/sync_depth_00071.png 518.8579 +/kitchen_0037/rgb_00103.jpg /kitchen_0037/sync_depth_00103.png 518.8579 +/kitchen_0003/rgb_00144.jpg /kitchen_0003/sync_depth_00144.png 518.8579 +/bathroom_0002/rgb_00045.jpg /bathroom_0002/sync_depth_00045.png 518.8579 +/kitchen_0053/rgb_00036.jpg /kitchen_0053/sync_depth_00036.png 518.8579 +/bedroom_0063/rgb_00112.jpg /bedroom_0063/sync_depth_00112.png 518.8579 +/office_0024/rgb_00038.jpg /office_0024/sync_depth_00038.png 518.8579 +/bathroom_0007/rgb_00066.jpg /bathroom_0007/sync_depth_00066.png 518.8579 +/nyu_office_0/rgb_00286.jpg /nyu_office_0/sync_depth_00286.png 518.8579 +/bedroom_0098/rgb_00002.jpg /bedroom_0098/sync_depth_00002.png 518.8579 +/kitchen_0037/rgb_00034.jpg /kitchen_0037/sync_depth_00034.png 518.8579 +/living_room_0022/rgb_00167.jpg /living_room_0022/sync_depth_00167.png 518.8579 +/living_room_0050/rgb_00200.jpg /living_room_0050/sync_depth_00200.png 518.8579 +/indoor_balcony_0001/rgb_00038.jpg /indoor_balcony_0001/sync_depth_00038.png 518.8579 +/furniture_store_0002a/rgb_00190.jpg /furniture_store_0002a/sync_depth_00190.png 518.8579 +/kitchen_0028a/rgb_00138.jpg /kitchen_0028a/sync_depth_00138.png 518.8579 +/bedroom_0113/rgb_00043.jpg /bedroom_0113/sync_depth_00043.png 518.8579 +/bedroom_0047/rgb_00059.jpg /bedroom_0047/sync_depth_00059.png 518.8579 +/living_room_0019/rgb_00031.jpg /living_room_0019/sync_depth_00031.png 518.8579 +/living_room_0040/rgb_00238.jpg /living_room_0040/sync_depth_00238.png 518.8579 +/bedroom_0025/rgb_00086.jpg /bedroom_0025/sync_depth_00086.png 518.8579 +/kitchen_0052/rgb_00036.jpg /kitchen_0052/sync_depth_00036.png 518.8579 +/kitchen_0051/rgb_00150.jpg /kitchen_0051/sync_depth_00150.png 518.8579 +/computer_lab_0002/rgb_00033.jpg /computer_lab_0002/sync_depth_00033.png 518.8579 +/bookstore_0001f/rgb_00093.jpg /bookstore_0001f/sync_depth_00093.png 518.8579 +/kitchen_0048/rgb_00182.jpg /kitchen_0048/sync_depth_00182.png 518.8579 +/kitchen_0035a/rgb_00056.jpg /kitchen_0035a/sync_depth_00056.png 518.8579 +/living_room_0086a/rgb_00002.jpg /living_room_0086a/sync_depth_00002.png 518.8579 +/bedroom_0069/rgb_00043.jpg /bedroom_0069/sync_depth_00043.png 518.8579 +/dinette_0001/rgb_00101.jpg /dinette_0001/sync_depth_00101.png 518.8579 +/bookstore_0001i/rgb_00140.jpg /bookstore_0001i/sync_depth_00140.png 518.8579 +/dining_room_0028/rgb_00065.jpg /dining_room_0028/sync_depth_00065.png 518.8579 +/kitchen_0043/rgb_00046.jpg /kitchen_0043/sync_depth_00046.png 518.8579 +/playroom_0006/rgb_00006.jpg /playroom_0006/sync_depth_00006.png 518.8579 +/kitchen_0053/rgb_00170.jpg /kitchen_0053/sync_depth_00170.png 518.8579 +/dining_room_0028/rgb_00039.jpg /dining_room_0028/sync_depth_00039.png 518.8579 +/dining_room_0007/rgb_00159.jpg /dining_room_0007/sync_depth_00159.png 518.8579 +/living_room_0020/rgb_00038.jpg /living_room_0020/sync_depth_00038.png 518.8579 +/reception_room_0004/rgb_00047.jpg /reception_room_0004/sync_depth_00047.png 518.8579 +/bathroom_0056/rgb_00006.jpg /bathroom_0056/sync_depth_00006.png 518.8579 +/student_lounge_0001/rgb_00135.jpg /student_lounge_0001/sync_depth_00135.png 518.8579 +/bathroom_0007/rgb_00077.jpg /bathroom_0007/sync_depth_00077.png 518.8579 +/bedroom_0029/rgb_00069.jpg /bedroom_0029/sync_depth_00069.png 518.8579 +/living_room_0086a/rgb_00071.jpg /living_room_0086a/sync_depth_00071.png 518.8579 +/kitchen_0045a/rgb_00180.jpg /kitchen_0045a/sync_depth_00180.png 518.8579 +/bedroom_0104/rgb_00103.jpg /bedroom_0104/sync_depth_00103.png 518.8579 +/bookstore_0001e/rgb_00154.jpg /bookstore_0001e/sync_depth_00154.png 518.8579 +/kitchen_0033/rgb_00090.jpg /kitchen_0033/sync_depth_00090.png 518.8579 +/home_office_0008/rgb_00132.jpg /home_office_0008/sync_depth_00132.png 518.8579 +/office_0006/rgb_00001.jpg /office_0006/sync_depth_00001.png 518.8579 +/basement_0001a/rgb_00005.jpg /basement_0001a/sync_depth_00005.png 518.8579 +/home_office_0004/rgb_00010.jpg /home_office_0004/sync_depth_00010.png 518.8579 +/living_room_0029/rgb_00000.jpg /living_room_0029/sync_depth_00000.png 518.8579 +/living_room_0085/rgb_00062.jpg /living_room_0085/sync_depth_00062.png 518.8579 +/home_office_0005/rgb_00091.jpg /home_office_0005/sync_depth_00091.png 518.8579 +/bedroom_0097/rgb_00046.jpg /bedroom_0097/sync_depth_00046.png 518.8579 +/bedroom_0086/rgb_00079.jpg /bedroom_0086/sync_depth_00079.png 518.8579 +/kitchen_0029c/rgb_00077.jpg /kitchen_0029c/sync_depth_00077.png 518.8579 +/dining_room_0028/rgb_00046.jpg /dining_room_0028/sync_depth_00046.png 518.8579 +/dining_room_0015/rgb_00015.jpg /dining_room_0015/sync_depth_00015.png 518.8579 +/playroom_0006/rgb_00083.jpg /playroom_0006/sync_depth_00083.png 518.8579 +/office_0023/rgb_00013.jpg /office_0023/sync_depth_00013.png 518.8579 +/kitchen_0053/rgb_00179.jpg /kitchen_0053/sync_depth_00179.png 518.8579 +/living_room_0038/rgb_00030.jpg /living_room_0038/sync_depth_00030.png 518.8579 +/kitchen_0031/rgb_00041.jpg /kitchen_0031/sync_depth_00041.png 518.8579 +/bedroom_0100/rgb_00074.jpg /bedroom_0100/sync_depth_00074.png 518.8579 +/living_room_0020/rgb_00048.jpg /living_room_0020/sync_depth_00048.png 518.8579 +/bathroom_0001/rgb_00010.jpg /bathroom_0001/sync_depth_00010.png 518.8579 +/dining_room_0008/rgb_00148.jpg /dining_room_0008/sync_depth_00148.png 518.8579 +/kitchen_0035b/rgb_00198.jpg /kitchen_0035b/sync_depth_00198.png 518.8579 +/nyu_office_0/rgb_00003.jpg /nyu_office_0/sync_depth_00003.png 518.8579 +/bedroom_0076a/rgb_00207.jpg /bedroom_0076a/sync_depth_00207.png 518.8579 +/living_room_0020/rgb_00086.jpg /living_room_0020/sync_depth_00086.png 518.8579 +/living_room_0035/rgb_00087.jpg /living_room_0035/sync_depth_00087.png 518.8579 +/bedroom_0138/rgb_00050.jpg /bedroom_0138/sync_depth_00050.png 518.8579 +/kitchen_0043/rgb_00232.jpg /kitchen_0043/sync_depth_00232.png 518.8579 +/playroom_0004/rgb_00011.jpg /playroom_0004/sync_depth_00011.png 518.8579 +/living_room_0042b/rgb_00086.jpg /living_room_0042b/sync_depth_00086.png 518.8579 +/bedroom_0033/rgb_00060.jpg /bedroom_0033/sync_depth_00060.png 518.8579 +/nyu_office_1/rgb_00078.jpg /nyu_office_1/sync_depth_00078.png 518.8579 +/office_0004/rgb_00070.jpg /office_0004/sync_depth_00070.png 518.8579 +/kitchen_0053/rgb_00230.jpg /kitchen_0053/sync_depth_00230.png 518.8579 +/classroom_0016/rgb_00040.jpg /classroom_0016/sync_depth_00040.png 518.8579 +/bathroom_0007/rgb_00017.jpg /bathroom_0007/sync_depth_00017.png 518.8579 +/bedroom_0140/rgb_00094.jpg /bedroom_0140/sync_depth_00094.png 518.8579 +/bedroom_0136/rgb_00003.jpg /bedroom_0136/sync_depth_00003.png 518.8579 +/bedroom_0015/rgb_00010.jpg /bedroom_0015/sync_depth_00010.png 518.8579 +/office_0021/rgb_00028.jpg /office_0021/sync_depth_00028.png 518.8579 +/living_room_0019/rgb_00082.jpg /living_room_0019/sync_depth_00082.png 518.8579 +/office_0026/rgb_00132.jpg /office_0026/sync_depth_00132.png 518.8579 +/living_room_0047b/rgb_00129.jpg /living_room_0047b/sync_depth_00129.png 518.8579 +/living_room_0042a/rgb_00030.jpg /living_room_0042a/sync_depth_00030.png 518.8579 +/dining_room_0037/rgb_00055.jpg /dining_room_0037/sync_depth_00055.png 518.8579 +/dining_room_0016/rgb_00020.jpg /dining_room_0016/sync_depth_00020.png 518.8579 +/furniture_store_0002b/rgb_00048.jpg /furniture_store_0002b/sync_depth_00048.png 518.8579 +/dining_room_0001b/rgb_00092.jpg /dining_room_0001b/sync_depth_00092.png 518.8579 +/furniture_store_0002a/rgb_00000.jpg /furniture_store_0002a/sync_depth_00000.png 518.8579 +/kitchen_0035b/rgb_00305.jpg /kitchen_0035b/sync_depth_00305.png 518.8579 +/bedroom_0014/rgb_00039.jpg /bedroom_0014/sync_depth_00039.png 518.8579 +/kitchen_0031/rgb_00118.jpg /kitchen_0031/sync_depth_00118.png 518.8579 +/kitchen_0059/rgb_00002.jpg /kitchen_0059/sync_depth_00002.png 518.8579 +/bedroom_0107/rgb_00026.jpg /bedroom_0107/sync_depth_00026.png 518.8579 +/bookstore_0001i/rgb_00089.jpg /bookstore_0001i/sync_depth_00089.png 518.8579 +/dining_room_0014/rgb_00049.jpg /dining_room_0014/sync_depth_00049.png 518.8579 +/office_kitchen_0001a/rgb_00026.jpg /office_kitchen_0001a/sync_depth_00026.png 518.8579 +/bookstore_0001g/rgb_00114.jpg /bookstore_0001g/sync_depth_00114.png 518.8579 +/bedroom_0020/rgb_00061.jpg /bedroom_0020/sync_depth_00061.png 518.8579 +/bathroom_0053/rgb_00039.jpg /bathroom_0053/sync_depth_00039.png 518.8579 +/furniture_store_0002a/rgb_00282.jpg /furniture_store_0002a/sync_depth_00282.png 518.8579 +/office_0026/rgb_00081.jpg /office_0026/sync_depth_00081.png 518.8579 +/office_0006/rgb_00062.jpg /office_0006/sync_depth_00062.png 518.8579 +/dining_room_0001b/rgb_00177.jpg /dining_room_0001b/sync_depth_00177.png 518.8579 +/bedroom_0051/rgb_00122.jpg /bedroom_0051/sync_depth_00122.png 518.8579 +/bookstore_0001j/rgb_00102.jpg /bookstore_0001j/sync_depth_00102.png 518.8579 +/furniture_store_0002c/rgb_00035.jpg /furniture_store_0002c/sync_depth_00035.png 518.8579 +/study_room_0004/rgb_00000.jpg /study_room_0004/sync_depth_00000.png 518.8579 +/living_room_0050/rgb_00040.jpg /living_room_0050/sync_depth_00040.png 518.8579 +/kitchen_0033/rgb_00161.jpg /kitchen_0033/sync_depth_00161.png 518.8579 +/kitchen_0053/rgb_00040.jpg /kitchen_0053/sync_depth_00040.png 518.8579 +/bedroom_0098/rgb_00021.jpg /bedroom_0098/sync_depth_00021.png 518.8579 +/bedroom_0106/rgb_00032.jpg /bedroom_0106/sync_depth_00032.png 518.8579 +/living_room_0022/rgb_00330.jpg /living_room_0022/sync_depth_00330.png 518.8579 +/bathroom_0016/rgb_00009.jpg /bathroom_0016/sync_depth_00009.png 518.8579 +/bathroom_0057/rgb_00014.jpg /bathroom_0057/sync_depth_00014.png 518.8579 +/kitchen_0017/rgb_00094.jpg /kitchen_0017/sync_depth_00094.png 518.8579 +/classroom_0011/rgb_00046.jpg /classroom_0011/sync_depth_00046.png 518.8579 +/furniture_store_0001d/rgb_00152.jpg /furniture_store_0001d/sync_depth_00152.png 518.8579 +/office_kitchen_0001b/rgb_00016.jpg /office_kitchen_0001b/sync_depth_00016.png 518.8579 +/dining_room_0031/rgb_00219.jpg /dining_room_0031/sync_depth_00219.png 518.8579 +/study_room_0004/rgb_00155.jpg /study_room_0004/sync_depth_00155.png 518.8579 +/bedroom_0113/rgb_00070.jpg /bedroom_0113/sync_depth_00070.png 518.8579 +/kitchen_0037/rgb_00062.jpg /kitchen_0037/sync_depth_00062.png 518.8579 +/bedroom_0050/rgb_00142.jpg /bedroom_0050/sync_depth_00142.png 518.8579 +/bedroom_0107/rgb_00039.jpg /bedroom_0107/sync_depth_00039.png 518.8579 +/bedroom_0050/rgb_00042.jpg /bedroom_0050/sync_depth_00042.png 518.8579 +/home_office_0006/rgb_00112.jpg /home_office_0006/sync_depth_00112.png 518.8579 +/bedroom_0014/rgb_00030.jpg /bedroom_0014/sync_depth_00030.png 518.8579 +/bookstore_0001f/rgb_00236.jpg /bookstore_0001f/sync_depth_00236.png 518.8579 +/bedroom_0072/rgb_00028.jpg /bedroom_0072/sync_depth_00028.png 518.8579 +/bedroom_0051/rgb_00055.jpg /bedroom_0051/sync_depth_00055.png 518.8579 +/kitchen_0051/rgb_00254.jpg /kitchen_0051/sync_depth_00254.png 518.8579 +/living_room_0020/rgb_00099.jpg /living_room_0020/sync_depth_00099.png 518.8579 +/furniture_store_0002a/rgb_00394.jpg /furniture_store_0002a/sync_depth_00394.png 518.8579 +/bookstore_0001g/rgb_00101.jpg /bookstore_0001g/sync_depth_00101.png 518.8579 +/bookstore_0001j/rgb_00100.jpg /bookstore_0001j/sync_depth_00100.png 518.8579 +/playroom_0003/rgb_00057.jpg /playroom_0003/sync_depth_00057.png 518.8579 +/living_room_0055/rgb_00107.jpg /living_room_0055/sync_depth_00107.png 518.8579 +/bedroom_0086/rgb_00108.jpg /bedroom_0086/sync_depth_00108.png 518.8579 +/kitchen_0006/rgb_00006.jpg /kitchen_0006/sync_depth_00006.png 518.8579 +/bedroom_0026/rgb_00098.jpg /bedroom_0026/sync_depth_00098.png 518.8579 +/bookstore_0001d/rgb_00327.jpg /bookstore_0001d/sync_depth_00327.png 518.8579 +/living_room_0033/rgb_00064.jpg /living_room_0033/sync_depth_00064.png 518.8579 +/office_0019/rgb_00048.jpg /office_0019/sync_depth_00048.png 518.8579 +/kitchen_0049/rgb_00007.jpg /kitchen_0049/sync_depth_00007.png 518.8579 +/dining_room_0012/rgb_00076.jpg /dining_room_0012/sync_depth_00076.png 518.8579 +/reception_room_0001b/rgb_00118.jpg /reception_room_0001b/sync_depth_00118.png 518.8579 +/bedroom_0047/rgb_00024.jpg /bedroom_0047/sync_depth_00024.png 518.8579 +/kitchen_0011b/rgb_00004.jpg /kitchen_0011b/sync_depth_00004.png 518.8579 +/bedroom_0028/rgb_00034.jpg /bedroom_0028/sync_depth_00034.png 518.8579 +/dining_room_0007/rgb_00121.jpg /dining_room_0007/sync_depth_00121.png 518.8579 +/bedroom_0130/rgb_00025.jpg /bedroom_0130/sync_depth_00025.png 518.8579 +/office_0011/rgb_00064.jpg /office_0011/sync_depth_00064.png 518.8579 +/bedroom_0014/rgb_00073.jpg /bedroom_0014/sync_depth_00073.png 518.8579 +/kitchen_0049/rgb_00044.jpg /kitchen_0049/sync_depth_00044.png 518.8579 +/dining_room_0034/rgb_00005.jpg /dining_room_0034/sync_depth_00005.png 518.8579 +/bedroom_0080/rgb_00022.jpg /bedroom_0080/sync_depth_00022.png 518.8579 +/kitchen_0045b/rgb_00136.jpg /kitchen_0045b/sync_depth_00136.png 518.8579 +/bathroom_0033/rgb_00034.jpg /bathroom_0033/sync_depth_00034.png 518.8579 +/living_room_0085/rgb_00022.jpg /living_room_0085/sync_depth_00022.png 518.8579 +/living_room_0004/rgb_00031.jpg /living_room_0004/sync_depth_00031.png 518.8579 +/bookstore_0001j/rgb_00196.jpg /bookstore_0001j/sync_depth_00196.png 518.8579 +/bedroom_0051/rgb_00029.jpg /bedroom_0051/sync_depth_00029.png 518.8579 +/kitchen_0029a/rgb_00018.jpg /kitchen_0029a/sync_depth_00018.png 518.8579 +/kitchen_0006/rgb_00056.jpg /kitchen_0006/sync_depth_00056.png 518.8579 +/kitchen_0019a/rgb_00108.jpg /kitchen_0019a/sync_depth_00108.png 518.8579 +/furniture_store_0002d/rgb_00039.jpg /furniture_store_0002d/sync_depth_00039.png 518.8579 +/bedroom_0125b/rgb_00096.jpg /bedroom_0125b/sync_depth_00096.png 518.8579 +/living_room_0050/rgb_00091.jpg /living_room_0050/sync_depth_00091.png 518.8579 +/study_room_0004/rgb_00068.jpg /study_room_0004/sync_depth_00068.png 518.8579 +/kitchen_0053/rgb_00114.jpg /kitchen_0053/sync_depth_00114.png 518.8579 +/bedroom_0026/rgb_00024.jpg /bedroom_0026/sync_depth_00024.png 518.8579 +/student_lounge_0001/rgb_00027.jpg /student_lounge_0001/sync_depth_00027.png 518.8579 +/living_room_0070/rgb_00012.jpg /living_room_0070/sync_depth_00012.png 518.8579 +/living_room_0086a/rgb_00012.jpg /living_room_0086a/sync_depth_00012.png 518.8579 +/bedroom_0078/rgb_00009.jpg /bedroom_0078/sync_depth_00009.png 518.8579 +/bedroom_0079/rgb_00037.jpg /bedroom_0079/sync_depth_00037.png 518.8579 +/kitchen_0047/rgb_00101.jpg /kitchen_0047/sync_depth_00101.png 518.8579 +/excercise_room_0001/rgb_00120.jpg /excercise_room_0001/sync_depth_00120.png 518.8579 +/kitchen_0050/rgb_00073.jpg /kitchen_0050/sync_depth_00073.png 518.8579 +/home_office_0006/rgb_00128.jpg /home_office_0006/sync_depth_00128.png 518.8579 +/bedroom_0136/rgb_00148.jpg /bedroom_0136/sync_depth_00148.png 518.8579 +/bedroom_0106/rgb_00131.jpg /bedroom_0106/sync_depth_00131.png 518.8579 +/dinette_0001/rgb_00079.jpg /dinette_0001/sync_depth_00079.png 518.8579 +/home_office_0013/rgb_00072.jpg /home_office_0013/sync_depth_00072.png 518.8579 +/living_room_0086a/rgb_00038.jpg /living_room_0086a/sync_depth_00038.png 518.8579 +/bedroom_0052/rgb_00039.jpg /bedroom_0052/sync_depth_00039.png 518.8579 +/bedroom_0130/rgb_00085.jpg /bedroom_0130/sync_depth_00085.png 518.8579 +/office_0026/rgb_00116.jpg /office_0026/sync_depth_00116.png 518.8579 +/dining_room_0001b/rgb_00212.jpg /dining_room_0001b/sync_depth_00212.png 518.8579 +/kitchen_0016/rgb_00038.jpg /kitchen_0016/sync_depth_00038.png 518.8579 +/kitchen_0035a/rgb_00049.jpg /kitchen_0035a/sync_depth_00049.png 518.8579 +/living_room_0082/rgb_00031.jpg /living_room_0082/sync_depth_00031.png 518.8579 +/dining_room_0007/rgb_00115.jpg /dining_room_0007/sync_depth_00115.png 518.8579 +/living_room_0029/rgb_00018.jpg /living_room_0029/sync_depth_00018.png 518.8579 +/nyu_office_0/rgb_00070.jpg /nyu_office_0/sync_depth_00070.png 518.8579 +/furniture_store_0001e/rgb_00032.jpg /furniture_store_0001e/sync_depth_00032.png 518.8579 +/living_room_0012/rgb_00017.jpg /living_room_0012/sync_depth_00017.png 518.8579 +/kitchen_0048/rgb_00002.jpg /kitchen_0048/sync_depth_00002.png 518.8579 +/bathroom_0007/rgb_00096.jpg /bathroom_0007/sync_depth_00096.png 518.8579 +/bedroom_0020/rgb_00116.jpg /bedroom_0020/sync_depth_00116.png 518.8579 +/kitchen_0008/rgb_00035.jpg /kitchen_0008/sync_depth_00035.png 518.8579 +/bedroom_0051/rgb_00016.jpg /bedroom_0051/sync_depth_00016.png 518.8579 +/bedroom_0026/rgb_00085.jpg /bedroom_0026/sync_depth_00085.png 518.8579 +/study_0004/rgb_00048.jpg /study_0004/sync_depth_00048.png 518.8579 +/bedroom_0004/rgb_00043.jpg /bedroom_0004/sync_depth_00043.png 518.8579 +/furniture_store_0002a/rgb_00057.jpg /furniture_store_0002a/sync_depth_00057.png 518.8579 +/living_room_0067/rgb_00100.jpg /living_room_0067/sync_depth_00100.png 518.8579 +/dining_room_0015/rgb_00179.jpg /dining_room_0015/sync_depth_00179.png 518.8579 +/bathroom_0006/rgb_00018.jpg /bathroom_0006/sync_depth_00018.png 518.8579 +/bedroom_0019/rgb_00050.jpg /bedroom_0019/sync_depth_00050.png 518.8579 +/home_office_0004/rgb_00157.jpg /home_office_0004/sync_depth_00157.png 518.8579 +/kitchen_0045a/rgb_00141.jpg /kitchen_0045a/sync_depth_00141.png 518.8579 +/office_0006/rgb_00013.jpg /office_0006/sync_depth_00013.png 518.8579 +/living_room_0039/rgb_00000.jpg /living_room_0039/sync_depth_00000.png 518.8579 +/living_room_0063/rgb_00031.jpg /living_room_0063/sync_depth_00031.png 518.8579 +/furniture_store_0001c/rgb_00021.jpg /furniture_store_0001c/sync_depth_00021.png 518.8579 +/classroom_0004/rgb_00023.jpg /classroom_0004/sync_depth_00023.png 518.8579 +/furniture_store_0002a/rgb_00295.jpg /furniture_store_0002a/sync_depth_00295.png 518.8579 +/kitchen_0033/rgb_00045.jpg /kitchen_0033/sync_depth_00045.png 518.8579 +/study_room_0004/rgb_00090.jpg /study_room_0004/sync_depth_00090.png 518.8579 +/home_office_0004/rgb_00125.jpg /home_office_0004/sync_depth_00125.png 518.8579 +/living_room_0022/rgb_00292.jpg /living_room_0022/sync_depth_00292.png 518.8579 +/living_room_0050/rgb_00117.jpg /living_room_0050/sync_depth_00117.png 518.8579 +/dining_room_0007/rgb_00137.jpg /dining_room_0007/sync_depth_00137.png 518.8579 +/bookstore_0001f/rgb_00210.jpg /bookstore_0001f/sync_depth_00210.png 518.8579 +/dining_room_0015/rgb_00093.jpg /dining_room_0015/sync_depth_00093.png 518.8579 +/home_office_0011/rgb_00090.jpg /home_office_0011/sync_depth_00090.png 518.8579 +/bedroom_0106/rgb_00048.jpg /bedroom_0106/sync_depth_00048.png 518.8579 +/dining_room_0029/rgb_00082.jpg /dining_room_0029/sync_depth_00082.png 518.8579 +/bedroom_0034/rgb_00106.jpg /bedroom_0034/sync_depth_00106.png 518.8579 +/bedroom_0086/rgb_00044.jpg /bedroom_0086/sync_depth_00044.png 518.8579 +/living_room_0033/rgb_00073.jpg /living_room_0033/sync_depth_00073.png 518.8579 +/living_room_0011/rgb_00100.jpg /living_room_0011/sync_depth_00100.png 518.8579 +/bathroom_0039/rgb_00017.jpg /bathroom_0039/sync_depth_00017.png 518.8579 +/bedroom_0081/rgb_00019.jpg /bedroom_0081/sync_depth_00019.png 518.8579 +/kitchen_0033/rgb_00121.jpg /kitchen_0033/sync_depth_00121.png 518.8579 +/bedroom_0090/rgb_00021.jpg /bedroom_0090/sync_depth_00021.png 518.8579 +/bathroom_0010/rgb_00045.jpg /bathroom_0010/sync_depth_00045.png 518.8579 +/classroom_0004/rgb_00014.jpg /classroom_0004/sync_depth_00014.png 518.8579 +/living_room_0004/rgb_00149.jpg /living_room_0004/sync_depth_00149.png 518.8579 +/living_room_0058/rgb_00232.jpg /living_room_0058/sync_depth_00232.png 518.8579 +/basement_0001b/rgb_00044.jpg /basement_0001b/sync_depth_00044.png 518.8579 +/living_room_0018/rgb_00100.jpg /living_room_0018/sync_depth_00100.png 518.8579 +/classroom_0018/rgb_00000.jpg /classroom_0018/sync_depth_00000.png 518.8579 +/kitchen_0047/rgb_00021.jpg /kitchen_0047/sync_depth_00021.png 518.8579 +/living_room_0062/rgb_00183.jpg /living_room_0062/sync_depth_00183.png 518.8579 +/living_room_0046a/rgb_00068.jpg /living_room_0046a/sync_depth_00068.png 518.8579 +/reception_room_0001a/rgb_00071.jpg /reception_room_0001a/sync_depth_00071.png 518.8579 +/living_room_0069a/rgb_00018.jpg /living_room_0069a/sync_depth_00018.png 518.8579 +/kitchen_0051/rgb_00138.jpg /kitchen_0051/sync_depth_00138.png 518.8579 +/bedroom_0031/rgb_00019.jpg /bedroom_0031/sync_depth_00019.png 518.8579 +/bookstore_0001j/rgb_00214.jpg /bookstore_0001j/sync_depth_00214.png 518.8579 +/dining_room_0023/rgb_00078.jpg /dining_room_0023/sync_depth_00078.png 518.8579 +/kitchen_0060/rgb_00157.jpg /kitchen_0060/sync_depth_00157.png 518.8579 +/furniture_store_0001b/rgb_00101.jpg /furniture_store_0001b/sync_depth_00101.png 518.8579 +/living_room_0018/rgb_00167.jpg /living_room_0018/sync_depth_00167.png 518.8579 +/office_kitchen_0001b/rgb_00059.jpg /office_kitchen_0001b/sync_depth_00059.png 518.8579 +/furniture_store_0002a/rgb_00277.jpg /furniture_store_0002a/sync_depth_00277.png 518.8579 +/bedroom_0021/rgb_00092.jpg /bedroom_0021/sync_depth_00092.png 518.8579 +/nyu_office_0/rgb_00167.jpg /nyu_office_0/sync_depth_00167.png 518.8579 +/home_office_0005/rgb_00123.jpg /home_office_0005/sync_depth_00123.png 518.8579 +/dinette_0001/rgb_00063.jpg /dinette_0001/sync_depth_00063.png 518.8579 +/kitchen_0028b/rgb_00009.jpg /kitchen_0028b/sync_depth_00009.png 518.8579 +/cafe_0001b/rgb_00014.jpg /cafe_0001b/sync_depth_00014.png 518.8579 +/bedroom_0129/rgb_00039.jpg /bedroom_0129/sync_depth_00039.png 518.8579 +/kitchen_0010/rgb_00038.jpg /kitchen_0010/sync_depth_00038.png 518.8579 +/study_room_0004/rgb_00101.jpg /study_room_0004/sync_depth_00101.png 518.8579 +/kitchen_0048/rgb_00058.jpg /kitchen_0048/sync_depth_00058.png 518.8579 +/bedroom_0063/rgb_00048.jpg /bedroom_0063/sync_depth_00048.png 518.8579 +/kitchen_0059/rgb_00030.jpg /kitchen_0059/sync_depth_00030.png 518.8579 +/office_0012/rgb_00029.jpg /office_0012/sync_depth_00029.png 518.8579 +/kitchen_0028b/rgb_00020.jpg /kitchen_0028b/sync_depth_00020.png 518.8579 +/living_room_0037/rgb_00013.jpg /living_room_0037/sync_depth_00013.png 518.8579 +/office_0026/rgb_00147.jpg /office_0026/sync_depth_00147.png 518.8579 +/bedroom_0090/rgb_00011.jpg /bedroom_0090/sync_depth_00011.png 518.8579 +/classroom_0016/rgb_00044.jpg /classroom_0016/sync_depth_00044.png 518.8579 +/office_0026/rgb_00083.jpg /office_0026/sync_depth_00083.png 518.8579 +/classroom_0022/rgb_00091.jpg /classroom_0022/sync_depth_00091.png 518.8579 +/home_office_0011/rgb_00067.jpg /home_office_0011/sync_depth_00067.png 518.8579 +/kitchen_0048/rgb_00073.jpg /kitchen_0048/sync_depth_00073.png 518.8579 +/printer_room_0001/rgb_00077.jpg /printer_room_0001/sync_depth_00077.png 518.8579 +/bedroom_0019/rgb_00133.jpg /bedroom_0019/sync_depth_00133.png 518.8579 +/bookstore_0001j/rgb_00010.jpg /bookstore_0001j/sync_depth_00010.png 518.8579 +/reception_room_0001b/rgb_00124.jpg /reception_room_0001b/sync_depth_00124.png 518.8579 +/bedroom_0019/rgb_00032.jpg /bedroom_0019/sync_depth_00032.png 518.8579 +/bedroom_0107/rgb_00053.jpg /bedroom_0107/sync_depth_00053.png 518.8579 +/bedroom_0035/rgb_00011.jpg /bedroom_0035/sync_depth_00011.png 518.8579 +/reception_room_0001b/rgb_00014.jpg /reception_room_0001b/sync_depth_00014.png 518.8579 +/kitchen_0060/rgb_00055.jpg /kitchen_0060/sync_depth_00055.png 518.8579 +/kitchen_0016/rgb_00106.jpg /kitchen_0016/sync_depth_00106.png 518.8579 +/bedroom_0060/rgb_00062.jpg /bedroom_0060/sync_depth_00062.png 518.8579 +/classroom_0006/rgb_00159.jpg /classroom_0006/sync_depth_00159.png 518.8579 +/office_0012/rgb_00073.jpg /office_0012/sync_depth_00073.png 518.8579 +/bedroom_0076a/rgb_00249.jpg /bedroom_0076a/sync_depth_00249.png 518.8579 +/dining_room_0016/rgb_00062.jpg /dining_room_0016/sync_depth_00062.png 518.8579 +/living_room_0022/rgb_00343.jpg /living_room_0022/sync_depth_00343.png 518.8579 +/office_0006/rgb_00156.jpg /office_0006/sync_depth_00156.png 518.8579 +/living_room_0058/rgb_00050.jpg /living_room_0058/sync_depth_00050.png 518.8579 +/living_room_0068/rgb_00085.jpg /living_room_0068/sync_depth_00085.png 518.8579 +/bathroom_0013/rgb_00057.jpg /bathroom_0013/sync_depth_00057.png 518.8579 +/study_room_0005a/rgb_00039.jpg /study_room_0005a/sync_depth_00039.png 518.8579 +/bookstore_0001f/rgb_00322.jpg /bookstore_0001f/sync_depth_00322.png 518.8579 +/bedroom_0062/rgb_00092.jpg /bedroom_0062/sync_depth_00092.png 518.8579 +/living_room_0033/rgb_00067.jpg /living_room_0033/sync_depth_00067.png 518.8579 +/bedroom_0028/rgb_00013.jpg /bedroom_0028/sync_depth_00013.png 518.8579 +/furniture_store_0001a/rgb_00028.jpg /furniture_store_0001a/sync_depth_00028.png 518.8579 +/computer_lab_0002/rgb_00036.jpg /computer_lab_0002/sync_depth_00036.png 518.8579 +/bedroom_0062/rgb_00024.jpg /bedroom_0062/sync_depth_00024.png 518.8579 +/bedroom_0062/rgb_00147.jpg /bedroom_0062/sync_depth_00147.png 518.8579 +/living_room_0011/rgb_00065.jpg /living_room_0011/sync_depth_00065.png 518.8579 +/bookstore_0001f/rgb_00185.jpg /bookstore_0001f/sync_depth_00185.png 518.8579 +/study_room_0005a/rgb_00059.jpg /study_room_0005a/sync_depth_00059.png 518.8579 +/bathroom_0007/rgb_00060.jpg /bathroom_0007/sync_depth_00060.png 518.8579 +/bedroom_0062/rgb_00160.jpg /bedroom_0062/sync_depth_00160.png 518.8579 +/playroom_0002/rgb_00018.jpg /playroom_0002/sync_depth_00018.png 518.8579 +/living_room_0042b/rgb_00029.jpg /living_room_0042b/sync_depth_00029.png 518.8579 +/bathroom_0053/rgb_00030.jpg /bathroom_0053/sync_depth_00030.png 518.8579 +/office_0018/rgb_00032.jpg /office_0018/sync_depth_00032.png 518.8579 +/playroom_0003/rgb_00044.jpg /playroom_0003/sync_depth_00044.png 518.8579 +/dining_room_0034/rgb_00047.jpg /dining_room_0034/sync_depth_00047.png 518.8579 +/bedroom_0104/rgb_00081.jpg /bedroom_0104/sync_depth_00081.png 518.8579 +/office_0024/rgb_00045.jpg /office_0024/sync_depth_00045.png 518.8579 +/bedroom_0076a/rgb_00197.jpg /bedroom_0076a/sync_depth_00197.png 518.8579 +/bedroom_0028/rgb_00037.jpg /bedroom_0028/sync_depth_00037.png 518.8579 +/bedroom_0140/rgb_00076.jpg /bedroom_0140/sync_depth_00076.png 518.8579 +/bedroom_0126/rgb_00024.jpg /bedroom_0126/sync_depth_00024.png 518.8579 +/bedroom_0031/rgb_00003.jpg /bedroom_0031/sync_depth_00003.png 518.8579 +/bedroom_0029/rgb_00036.jpg /bedroom_0029/sync_depth_00036.png 518.8579 +/printer_room_0001/rgb_00045.jpg /printer_room_0001/sync_depth_00045.png 518.8579 +/living_room_0033/rgb_00028.jpg /living_room_0033/sync_depth_00028.png 518.8579 +/reception_room_0002/rgb_00149.jpg /reception_room_0002/sync_depth_00149.png 518.8579 +/bookstore_0001e/rgb_00178.jpg /bookstore_0001e/sync_depth_00178.png 518.8579 +/bedroom_0062/rgb_00013.jpg /bedroom_0062/sync_depth_00013.png 518.8579 +/kitchen_0037/rgb_00058.jpg /kitchen_0037/sync_depth_00058.png 518.8579 +/basement_0001a/rgb_00145.jpg /basement_0001a/sync_depth_00145.png 518.8579 +/office_0026/rgb_00178.jpg /office_0026/sync_depth_00178.png 518.8579 +/living_room_0046b/rgb_00064.jpg /living_room_0046b/sync_depth_00064.png 518.8579 +/dining_room_0034/rgb_00016.jpg /dining_room_0034/sync_depth_00016.png 518.8579 +/bookstore_0001g/rgb_00034.jpg /bookstore_0001g/sync_depth_00034.png 518.8579 +/kitchen_0047/rgb_00028.jpg /kitchen_0047/sync_depth_00028.png 518.8579 +/kitchen_0017/rgb_00026.jpg /kitchen_0017/sync_depth_00026.png 518.8579 +/bookstore_0001f/rgb_00207.jpg /bookstore_0001f/sync_depth_00207.png 518.8579 +/kitchen_0006/rgb_00026.jpg /kitchen_0006/sync_depth_00026.png 518.8579 +/dining_room_0010/rgb_00079.jpg /dining_room_0010/sync_depth_00079.png 518.8579 +/kitchen_0051/rgb_00055.jpg /kitchen_0051/sync_depth_00055.png 518.8579 +/living_room_0046a/rgb_00017.jpg /living_room_0046a/sync_depth_00017.png 518.8579 +/home_office_0013/rgb_00013.jpg /home_office_0013/sync_depth_00013.png 518.8579 +/bedroom_0012/rgb_00047.jpg /bedroom_0012/sync_depth_00047.png 518.8579 +/kitchen_0049/rgb_00034.jpg /kitchen_0049/sync_depth_00034.png 518.8579 +/playroom_0003/rgb_00016.jpg /playroom_0003/sync_depth_00016.png 518.8579 +/office_0004/rgb_00090.jpg /office_0004/sync_depth_00090.png 518.8579 +/furniture_store_0002a/rgb_00325.jpg /furniture_store_0002a/sync_depth_00325.png 518.8579 +/office_0009/rgb_00069.jpg /office_0009/sync_depth_00069.png 518.8579 +/bookstore_0001d/rgb_00152.jpg /bookstore_0001d/sync_depth_00152.png 518.8579 +/playroom_0003/rgb_00080.jpg /playroom_0003/sync_depth_00080.png 518.8579 +/reception_room_0001b/rgb_00083.jpg /reception_room_0001b/sync_depth_00083.png 518.8579 +/bedroom_0050/rgb_00132.jpg /bedroom_0050/sync_depth_00132.png 518.8579 +/bedroom_0086/rgb_00016.jpg /bedroom_0086/sync_depth_00016.png 518.8579 +/dining_room_0031/rgb_00071.jpg /dining_room_0031/sync_depth_00071.png 518.8579 +/kitchen_0035a/rgb_00035.jpg /kitchen_0035a/sync_depth_00035.png 518.8579 +/bedroom_0004/rgb_00105.jpg /bedroom_0004/sync_depth_00105.png 518.8579 +/furniture_store_0002c/rgb_00079.jpg /furniture_store_0002c/sync_depth_00079.png 518.8579 +/bookstore_0001h/rgb_00100.jpg /bookstore_0001h/sync_depth_00100.png 518.8579 +/bathroom_0034/rgb_00068.jpg /bathroom_0034/sync_depth_00068.png 518.8579 +/living_room_0012/rgb_00170.jpg /living_room_0012/sync_depth_00170.png 518.8579 +/bedroom_0016/rgb_00099.jpg /bedroom_0016/sync_depth_00099.png 518.8579 +/bookstore_0001j/rgb_00313.jpg /bookstore_0001j/sync_depth_00313.png 518.8579 +/reception_room_0002/rgb_00160.jpg /reception_room_0002/sync_depth_00160.png 518.8579 +/bookstore_0001h/rgb_00033.jpg /bookstore_0001h/sync_depth_00033.png 518.8579 +/bookstore_0001g/rgb_00142.jpg /bookstore_0001g/sync_depth_00142.png 518.8579 +/bedroom_0090/rgb_00000.jpg /bedroom_0090/sync_depth_00000.png 518.8579 +/bedroom_0035/rgb_00020.jpg /bedroom_0035/sync_depth_00020.png 518.8579 +/kitchen_0008/rgb_00003.jpg /kitchen_0008/sync_depth_00003.png 518.8579 +/kitchen_0049/rgb_00103.jpg /kitchen_0049/sync_depth_00103.png 518.8579 +/kitchen_0006/rgb_00038.jpg /kitchen_0006/sync_depth_00038.png 518.8579 +/basement_0001a/rgb_00018.jpg /basement_0001a/sync_depth_00018.png 518.8579 +/classroom_0006/rgb_00020.jpg /classroom_0006/sync_depth_00020.png 518.8579 +/bookstore_0001i/rgb_00112.jpg /bookstore_0001i/sync_depth_00112.png 518.8579 +/nyu_office_0/rgb_00015.jpg /nyu_office_0/sync_depth_00015.png 518.8579 +/living_room_0046b/rgb_00068.jpg /living_room_0046b/sync_depth_00068.png 518.8579 +/bathroom_0049/rgb_00010.jpg /bathroom_0049/sync_depth_00010.png 518.8579 +/dining_room_0033/rgb_00106.jpg /dining_room_0033/sync_depth_00106.png 518.8579 +/dining_room_0014/rgb_00029.jpg /dining_room_0014/sync_depth_00029.png 518.8579 +/living_room_0018/rgb_00071.jpg /living_room_0018/sync_depth_00071.png 518.8579 +/furniture_store_0002a/rgb_00331.jpg /furniture_store_0002a/sync_depth_00331.png 518.8579 +/playroom_0002/rgb_00159.jpg /playroom_0002/sync_depth_00159.png 518.8579 +/student_lounge_0001/rgb_00013.jpg /student_lounge_0001/sync_depth_00013.png 518.8579 +/kitchen_0035a/rgb_00033.jpg /kitchen_0035a/sync_depth_00033.png 518.8579 +/laundry_room_0001/rgb_00064.jpg /laundry_room_0001/sync_depth_00064.png 518.8579 +/living_room_0040/rgb_00157.jpg /living_room_0040/sync_depth_00157.png 518.8579 +/bathroom_0010/rgb_00007.jpg /bathroom_0010/sync_depth_00007.png 518.8579 +/kitchen_0019b/rgb_00036.jpg /kitchen_0019b/sync_depth_00036.png 518.8579 +/bathroom_0001/rgb_00004.jpg /bathroom_0001/sync_depth_00004.png 518.8579 +/classroom_0006/rgb_00168.jpg /classroom_0006/sync_depth_00168.png 518.8579 +/bedroom_0034/rgb_00075.jpg /bedroom_0034/sync_depth_00075.png 518.8579 +/bookstore_0001h/rgb_00172.jpg /bookstore_0001h/sync_depth_00172.png 518.8579 +/bedroom_0029/rgb_00060.jpg /bedroom_0029/sync_depth_00060.png 518.8579 +/bedroom_0106/rgb_00071.jpg /bedroom_0106/sync_depth_00071.png 518.8579 +/furniture_store_0001a/rgb_00045.jpg /furniture_store_0001a/sync_depth_00045.png 518.8579 +/office_0023/rgb_00009.jpg /office_0023/sync_depth_00009.png 518.8579 +/kitchen_0029a/rgb_00002.jpg /kitchen_0029a/sync_depth_00002.png 518.8579 +/kitchen_0045a/rgb_00016.jpg /kitchen_0045a/sync_depth_00016.png 518.8579 +/kitchen_0049/rgb_00164.jpg /kitchen_0049/sync_depth_00164.png 518.8579 +/bookstore_0001f/rgb_00388.jpg /bookstore_0001f/sync_depth_00388.png 518.8579 +/bathroom_0011/rgb_00028.jpg /bathroom_0011/sync_depth_00028.png 518.8579 +/bathroom_0024/rgb_00029.jpg /bathroom_0024/sync_depth_00029.png 518.8579 +/bookstore_0001i/rgb_00000.jpg /bookstore_0001i/sync_depth_00000.png 518.8579 +/bookstore_0001g/rgb_00163.jpg /bookstore_0001g/sync_depth_00163.png 518.8579 +/dining_room_0015/rgb_00167.jpg /dining_room_0015/sync_depth_00167.png 518.8579 +/furniture_store_0002b/rgb_00251.jpg /furniture_store_0002b/sync_depth_00251.png 518.8579 +/bookstore_0001f/rgb_00384.jpg /bookstore_0001f/sync_depth_00384.png 518.8579 +/bedroom_0019/rgb_00034.jpg /bedroom_0019/sync_depth_00034.png 518.8579 +/home_office_0007/rgb_00040.jpg /home_office_0007/sync_depth_00040.png 518.8579 +/kitchen_0019a/rgb_00294.jpg /kitchen_0019a/sync_depth_00294.png 518.8579 +/bathroom_0033/rgb_00039.jpg /bathroom_0033/sync_depth_00039.png 518.8579 +/furniture_store_0002a/rgb_00118.jpg /furniture_store_0002a/sync_depth_00118.png 518.8579 +/basement_0001a/rgb_00193.jpg /basement_0001a/sync_depth_00193.png 518.8579 +/living_room_0046b/rgb_00086.jpg /living_room_0046b/sync_depth_00086.png 518.8579 +/living_room_0010/rgb_00155.jpg /living_room_0010/sync_depth_00155.png 518.8579 +/bedroom_0069/rgb_00099.jpg /bedroom_0069/sync_depth_00099.png 518.8579 +/bedroom_0120/rgb_00046.jpg /bedroom_0120/sync_depth_00046.png 518.8579 +/bedroom_0074/rgb_00087.jpg /bedroom_0074/sync_depth_00087.png 518.8579 +/dinette_0001/rgb_00011.jpg /dinette_0001/sync_depth_00011.png 518.8579 +/kitchen_0043/rgb_00155.jpg /kitchen_0043/sync_depth_00155.png 518.8579 +/kitchen_0016/rgb_00024.jpg /kitchen_0016/sync_depth_00024.png 518.8579 +/living_room_0004/rgb_00079.jpg /living_room_0004/sync_depth_00079.png 518.8579 +/kitchen_0019b/rgb_00022.jpg /kitchen_0019b/sync_depth_00022.png 518.8579 +/conference_room_0001/rgb_00149.jpg /conference_room_0001/sync_depth_00149.png 518.8579 +/bookstore_0001j/rgb_00255.jpg /bookstore_0001j/sync_depth_00255.png 518.8579 +/bathroom_0019/rgb_00096.jpg /bathroom_0019/sync_depth_00096.png 518.8579 +/study_0003/rgb_00099.jpg /study_0003/sync_depth_00099.png 518.8579 +/excercise_room_0001/rgb_00078.jpg /excercise_room_0001/sync_depth_00078.png 518.8579 +/bookstore_0001d/rgb_00280.jpg /bookstore_0001d/sync_depth_00280.png 518.8579 +/bathroom_0035/rgb_00011.jpg /bathroom_0035/sync_depth_00011.png 518.8579 +/playroom_0002/rgb_00070.jpg /playroom_0002/sync_depth_00070.png 518.8579 +/home_office_0011/rgb_00045.jpg /home_office_0011/sync_depth_00045.png 518.8579 +/bookstore_0001f/rgb_00069.jpg /bookstore_0001f/sync_depth_00069.png 518.8579 +/bedroom_0076a/rgb_00278.jpg /bedroom_0076a/sync_depth_00278.png 518.8579 +/living_room_0038/rgb_00074.jpg /living_room_0038/sync_depth_00074.png 518.8579 +/bedroom_0071/rgb_00062.jpg /bedroom_0071/sync_depth_00062.png 518.8579 +/office_0011/rgb_00007.jpg /office_0011/sync_depth_00007.png 518.8579 +/kitchen_0033/rgb_00086.jpg /kitchen_0033/sync_depth_00086.png 518.8579 +/bedroom_0052/rgb_00134.jpg /bedroom_0052/sync_depth_00134.png 518.8579 +/home_storage_0001/rgb_00146.jpg /home_storage_0001/sync_depth_00146.png 518.8579 +/kitchen_0031/rgb_00050.jpg /kitchen_0031/sync_depth_00050.png 518.8579 +/bedroom_0076a/rgb_00060.jpg /bedroom_0076a/sync_depth_00060.png 518.8579 +/office_0021/rgb_00050.jpg /office_0021/sync_depth_00050.png 518.8579 +/bedroom_0040/rgb_00023.jpg /bedroom_0040/sync_depth_00023.png 518.8579 +/bedroom_0010/rgb_00094.jpg /bedroom_0010/sync_depth_00094.png 518.8579 +/kitchen_0011b/rgb_00069.jpg /kitchen_0011b/sync_depth_00069.png 518.8579 +/bathroom_0048/rgb_00013.jpg /bathroom_0048/sync_depth_00013.png 518.8579 +/bathroom_0045a/rgb_00038.jpg /bathroom_0045a/sync_depth_00038.png 518.8579 +/bedroom_0136/rgb_00122.jpg /bedroom_0136/sync_depth_00122.png 518.8579 +/living_room_0042a/rgb_00010.jpg /living_room_0042a/sync_depth_00010.png 518.8579 +/living_room_0022/rgb_00176.jpg /living_room_0022/sync_depth_00176.png 518.8579 +/kitchen_0019a/rgb_00093.jpg /kitchen_0019a/sync_depth_00093.png 518.8579 +/dining_room_0016/rgb_00132.jpg /dining_room_0016/sync_depth_00132.png 518.8579 +/living_room_0040/rgb_00216.jpg /living_room_0040/sync_depth_00216.png 518.8579 +/bedroom_0040/rgb_00029.jpg /bedroom_0040/sync_depth_00029.png 518.8579 +/dining_room_0012/rgb_00158.jpg /dining_room_0012/sync_depth_00158.png 518.8579 +/office_0023/rgb_00016.jpg /office_0023/sync_depth_00016.png 518.8579 +/cafe_0001a/rgb_00043.jpg /cafe_0001a/sync_depth_00043.png 518.8579 +/bedroom_0045/rgb_00010.jpg /bedroom_0045/sync_depth_00010.png 518.8579 +/kitchen_0050/rgb_00119.jpg /kitchen_0050/sync_depth_00119.png 518.8579 +/living_room_0022/rgb_00205.jpg /living_room_0022/sync_depth_00205.png 518.8579 +/living_room_0070/rgb_00082.jpg /living_room_0070/sync_depth_00082.png 518.8579 +/bedroom_0015/rgb_00054.jpg /bedroom_0015/sync_depth_00054.png 518.8579 +/kitchen_0035b/rgb_00223.jpg /kitchen_0035b/sync_depth_00223.png 518.8579 +/bedroom_0017/rgb_00068.jpg /bedroom_0017/sync_depth_00068.png 518.8579 +/classroom_0010/rgb_00069.jpg /classroom_0010/sync_depth_00069.png 518.8579 +/bathroom_0006/rgb_00005.jpg /bathroom_0006/sync_depth_00005.png 518.8579 +/bedroom_0062/rgb_00056.jpg /bedroom_0062/sync_depth_00056.png 518.8579 +/bedroom_0017/rgb_00151.jpg /bedroom_0017/sync_depth_00151.png 518.8579 +/dining_room_0015/rgb_00099.jpg /dining_room_0015/sync_depth_00099.png 518.8579 +/bedroom_0138/rgb_00008.jpg /bedroom_0138/sync_depth_00008.png 518.8579 +/bedroom_0074/rgb_00033.jpg /bedroom_0074/sync_depth_00033.png 518.8579 +/bookstore_0001j/rgb_00093.jpg /bookstore_0001j/sync_depth_00093.png 518.8579 +/bedroom_0082/rgb_00061.jpg /bedroom_0082/sync_depth_00061.png 518.8579 +/bedroom_0118/rgb_00024.jpg /bedroom_0118/sync_depth_00024.png 518.8579 +/living_room_0040/rgb_00257.jpg /living_room_0040/sync_depth_00257.png 518.8579 +/kitchen_0017/rgb_00063.jpg /kitchen_0017/sync_depth_00063.png 518.8579 +/bookstore_0001e/rgb_00168.jpg /bookstore_0001e/sync_depth_00168.png 518.8579 +/bookstore_0001e/rgb_00152.jpg /bookstore_0001e/sync_depth_00152.png 518.8579 +/office_0021/rgb_00072.jpg /office_0021/sync_depth_00072.png 518.8579 +/dining_room_0001b/rgb_00045.jpg /dining_room_0001b/sync_depth_00045.png 518.8579 +/bedroom_0015/rgb_00017.jpg /bedroom_0015/sync_depth_00017.png 518.8579 +/bedroom_0096/rgb_00072.jpg /bedroom_0096/sync_depth_00072.png 518.8579 +/bedroom_0021/rgb_00053.jpg /bedroom_0021/sync_depth_00053.png 518.8579 +/dining_room_0033/rgb_00071.jpg /dining_room_0033/sync_depth_00071.png 518.8579 +/kitchen_0045b/rgb_00034.jpg /kitchen_0045b/sync_depth_00034.png 518.8579 +/bathroom_0056/rgb_00026.jpg /bathroom_0056/sync_depth_00026.png 518.8579 +/living_room_0040/rgb_00117.jpg /living_room_0040/sync_depth_00117.png 518.8579 +/bedroom_0016/rgb_00192.jpg /bedroom_0016/sync_depth_00192.png 518.8579 +/bookstore_0001d/rgb_00120.jpg /bookstore_0001d/sync_depth_00120.png 518.8579 +/living_room_0018/rgb_00113.jpg /living_room_0018/sync_depth_00113.png 518.8579 +/playroom_0002/rgb_00128.jpg /playroom_0002/sync_depth_00128.png 518.8579 +/excercise_room_0001/rgb_00125.jpg /excercise_room_0001/sync_depth_00125.png 518.8579 +/kitchen_0060/rgb_00166.jpg /kitchen_0060/sync_depth_00166.png 518.8579 +/bathroom_0055/rgb_00026.jpg /bathroom_0055/sync_depth_00026.png 518.8579 +/bedroom_0129/rgb_00011.jpg /bedroom_0129/sync_depth_00011.png 518.8579 +/dining_room_0014/rgb_00103.jpg /dining_room_0014/sync_depth_00103.png 518.8579 +/playroom_0004/rgb_00009.jpg /playroom_0004/sync_depth_00009.png 518.8579 +/living_room_0042b/rgb_00011.jpg /living_room_0042b/sync_depth_00011.png 518.8579 +/classroom_0018/rgb_00052.jpg /classroom_0018/sync_depth_00052.png 518.8579 +/bedroom_0025/rgb_00158.jpg /bedroom_0025/sync_depth_00158.png 518.8579 +/bookstore_0001f/rgb_00152.jpg /bookstore_0001f/sync_depth_00152.png 518.8579 +/classroom_0016/rgb_00007.jpg /classroom_0016/sync_depth_00007.png 518.8579 +/bedroom_0040/rgb_00038.jpg /bedroom_0040/sync_depth_00038.png 518.8579 +/kitchen_0045a/rgb_00131.jpg /kitchen_0045a/sync_depth_00131.png 518.8579 +/bathroom_0035/rgb_00037.jpg /bathroom_0035/sync_depth_00037.png 518.8579 +/classroom_0011/rgb_00022.jpg /classroom_0011/sync_depth_00022.png 518.8579 +/dining_room_0016/rgb_00121.jpg /dining_room_0016/sync_depth_00121.png 518.8579 +/bookstore_0001f/rgb_00015.jpg /bookstore_0001f/sync_depth_00015.png 518.8579 +/living_room_0039/rgb_00108.jpg /living_room_0039/sync_depth_00108.png 518.8579 +/dining_room_0031/rgb_00173.jpg /dining_room_0031/sync_depth_00173.png 518.8579 +/living_room_0063/rgb_00055.jpg /living_room_0063/sync_depth_00055.png 518.8579 +/bookstore_0001g/rgb_00200.jpg /bookstore_0001g/sync_depth_00200.png 518.8579 +/dining_room_0024/rgb_00158.jpg /dining_room_0024/sync_depth_00158.png 518.8579 +/bedroom_0025/rgb_00045.jpg /bedroom_0025/sync_depth_00045.png 518.8579 +/living_room_0004/rgb_00127.jpg /living_room_0004/sync_depth_00127.png 518.8579 +/excercise_room_0001/rgb_00104.jpg /excercise_room_0001/sync_depth_00104.png 518.8579 +/nyu_office_0/rgb_00363.jpg /nyu_office_0/sync_depth_00363.png 518.8579 +/kitchen_0060/rgb_00028.jpg /kitchen_0060/sync_depth_00028.png 518.8579 +/bedroom_0019/rgb_00019.jpg /bedroom_0019/sync_depth_00019.png 518.8579 +/home_office_0008/rgb_00157.jpg /home_office_0008/sync_depth_00157.png 518.8579 +/bookstore_0001f/rgb_00209.jpg /bookstore_0001f/sync_depth_00209.png 518.8579 +/office_0009/rgb_00020.jpg /office_0009/sync_depth_00020.png 518.8579 +/living_room_0019/rgb_00241.jpg /living_room_0019/sync_depth_00241.png 518.8579 +/office_0024/rgb_00012.jpg /office_0024/sync_depth_00012.png 518.8579 +/bedroom_0016/rgb_00090.jpg /bedroom_0016/sync_depth_00090.png 518.8579 +/bookstore_0001g/rgb_00197.jpg /bookstore_0001g/sync_depth_00197.png 518.8579 +/classroom_0022/rgb_00070.jpg /classroom_0022/sync_depth_00070.png 518.8579 +/bathroom_0007/rgb_00093.jpg /bathroom_0007/sync_depth_00093.png 518.8579 +/bedroom_0130/rgb_00037.jpg /bedroom_0130/sync_depth_00037.png 518.8579 +/living_room_0058/rgb_00193.jpg /living_room_0058/sync_depth_00193.png 518.8579 +/bathroom_0041/rgb_00056.jpg /bathroom_0041/sync_depth_00056.png 518.8579 +/bedroom_0104/rgb_00043.jpg /bedroom_0104/sync_depth_00043.png 518.8579 +/bedroom_0069/rgb_00040.jpg /bedroom_0069/sync_depth_00040.png 518.8579 +/bedroom_0028/rgb_00038.jpg /bedroom_0028/sync_depth_00038.png 518.8579 +/reception_room_0004/rgb_00060.jpg /reception_room_0004/sync_depth_00060.png 518.8579 +/home_office_0008/rgb_00081.jpg /home_office_0008/sync_depth_00081.png 518.8579 +/study_0004/rgb_00001.jpg /study_0004/sync_depth_00001.png 518.8579 +/living_room_0078/rgb_00125.jpg /living_room_0078/sync_depth_00125.png 518.8579 +/living_room_0047b/rgb_00163.jpg /living_room_0047b/sync_depth_00163.png 518.8579 +/dining_room_0028/rgb_00082.jpg /dining_room_0028/sync_depth_00082.png 518.8579 +/kitchen_0052/rgb_00065.jpg /kitchen_0052/sync_depth_00065.png 518.8579 +/office_0021/rgb_00025.jpg /office_0021/sync_depth_00025.png 518.8579 +/kitchen_0045b/rgb_00077.jpg /kitchen_0045b/sync_depth_00077.png 518.8579 +/bathroom_0005/rgb_00051.jpg /bathroom_0005/sync_depth_00051.png 518.8579 +/bookstore_0001f/rgb_00142.jpg /bookstore_0001f/sync_depth_00142.png 518.8579 +/living_room_0085/rgb_00013.jpg /living_room_0085/sync_depth_00013.png 518.8579 +/bedroom_0096/rgb_00091.jpg /bedroom_0096/sync_depth_00091.png 518.8579 +/bedroom_0019/rgb_00125.jpg /bedroom_0019/sync_depth_00125.png 518.8579 +/living_room_0086b/rgb_00003.jpg /living_room_0086b/sync_depth_00003.png 518.8579 +/living_room_0038/rgb_00109.jpg /living_room_0038/sync_depth_00109.png 518.8579 +/kitchen_0045a/rgb_00066.jpg /kitchen_0045a/sync_depth_00066.png 518.8579 +/kitchen_0053/rgb_00104.jpg /kitchen_0053/sync_depth_00104.png 518.8579 +/classroom_0005/rgb_00043.jpg /classroom_0005/sync_depth_00043.png 518.8579 +/bedroom_0071/rgb_00160.jpg /bedroom_0071/sync_depth_00160.png 518.8579 +/living_room_0011/rgb_00061.jpg /living_room_0011/sync_depth_00061.png 518.8579 +/basement_0001a/rgb_00185.jpg /basement_0001a/sync_depth_00185.png 518.8579 +/bedroom_0138/rgb_00021.jpg /bedroom_0138/sync_depth_00021.png 518.8579 +/dining_room_0029/rgb_00047.jpg /dining_room_0029/sync_depth_00047.png 518.8579 +/bookstore_0001e/rgb_00038.jpg /bookstore_0001e/sync_depth_00038.png 518.8579 +/bedroom_0025/rgb_00070.jpg /bedroom_0025/sync_depth_00070.png 518.8579 +/bookstore_0001j/rgb_00180.jpg /bookstore_0001j/sync_depth_00180.png 518.8579 +/kitchen_0051/rgb_00191.jpg /kitchen_0051/sync_depth_00191.png 518.8579 +/bedroom_0019/rgb_00088.jpg /bedroom_0019/sync_depth_00088.png 518.8579 +/living_room_0011/rgb_00051.jpg /living_room_0011/sync_depth_00051.png 518.8579 +/bedroom_0016/rgb_00042.jpg /bedroom_0016/sync_depth_00042.png 518.8579 +/living_room_0050/rgb_00262.jpg /living_room_0050/sync_depth_00262.png 518.8579 +/kitchen_0028a/rgb_00000.jpg /kitchen_0028a/sync_depth_00000.png 518.8579 +/study_room_0005b/rgb_00092.jpg /study_room_0005b/sync_depth_00092.png 518.8579 +/dining_room_0004/rgb_00098.jpg /dining_room_0004/sync_depth_00098.png 518.8579 +/furniture_store_0002b/rgb_00155.jpg /furniture_store_0002b/sync_depth_00155.png 518.8579 +/dining_room_0013/rgb_00051.jpg /dining_room_0013/sync_depth_00051.png 518.8579 +/furniture_store_0002a/rgb_00006.jpg /furniture_store_0002a/sync_depth_00006.png 518.8579 +/living_room_0004/rgb_00060.jpg /living_room_0004/sync_depth_00060.png 518.8579 +/bedroom_0033/rgb_00147.jpg /bedroom_0033/sync_depth_00147.png 518.8579 +/excercise_room_0001/rgb_00095.jpg /excercise_room_0001/sync_depth_00095.png 518.8579 +/living_room_0039/rgb_00048.jpg /living_room_0039/sync_depth_00048.png 518.8579 +/living_room_0022/rgb_00117.jpg /living_room_0022/sync_depth_00117.png 518.8579 +/home_office_0011/rgb_00038.jpg /home_office_0011/sync_depth_00038.png 518.8579 +/kitchen_0045a/rgb_00002.jpg /kitchen_0045a/sync_depth_00002.png 518.8579 +/bathroom_0042/rgb_00018.jpg /bathroom_0042/sync_depth_00018.png 518.8579 +/bedroom_0096/rgb_00001.jpg /bedroom_0096/sync_depth_00001.png 518.8579 +/bedroom_0132/rgb_00041.jpg /bedroom_0132/sync_depth_00041.png 518.8579 +/bedroom_0063/rgb_00121.jpg /bedroom_0063/sync_depth_00121.png 518.8579 +/living_room_0042a/rgb_00024.jpg /living_room_0042a/sync_depth_00024.png 518.8579 +/playroom_0006/rgb_00093.jpg /playroom_0006/sync_depth_00093.png 518.8579 +/bedroom_0100/rgb_00042.jpg /bedroom_0100/sync_depth_00042.png 518.8579 +/living_room_0011/rgb_00096.jpg /living_room_0011/sync_depth_00096.png 518.8579 +/playroom_0006/rgb_00044.jpg /playroom_0006/sync_depth_00044.png 518.8579 +/dining_room_0019/rgb_00038.jpg /dining_room_0019/sync_depth_00038.png 518.8579 +/kitchen_0033/rgb_00135.jpg /kitchen_0033/sync_depth_00135.png 518.8579 +/study_0008/rgb_00031.jpg /study_0008/sync_depth_00031.png 518.8579 +/bedroom_0004/rgb_00092.jpg /bedroom_0004/sync_depth_00092.png 518.8579 +/living_room_0068/rgb_00046.jpg /living_room_0068/sync_depth_00046.png 518.8579 +/classroom_0004/rgb_00019.jpg /classroom_0004/sync_depth_00019.png 518.8579 +/living_room_0018/rgb_00104.jpg /living_room_0018/sync_depth_00104.png 518.8579 +/kitchen_0028a/rgb_00035.jpg /kitchen_0028a/sync_depth_00035.png 518.8579 +/bedroom_0078/rgb_00155.jpg /bedroom_0078/sync_depth_00155.png 518.8579 +/dining_room_0028/rgb_00068.jpg /dining_room_0028/sync_depth_00068.png 518.8579 +/office_0026/rgb_00045.jpg /office_0026/sync_depth_00045.png 518.8579 +/office_0012/rgb_00108.jpg /office_0012/sync_depth_00108.png 518.8579 +/dining_room_0007/rgb_00232.jpg /dining_room_0007/sync_depth_00232.png 518.8579 +/living_room_0039/rgb_00079.jpg /living_room_0039/sync_depth_00079.png 518.8579 +/living_room_0039/rgb_00189.jpg /living_room_0039/sync_depth_00189.png 518.8579 +/furniture_store_0002c/rgb_00068.jpg /furniture_store_0002c/sync_depth_00068.png 518.8579 +/bedroom_0056a/rgb_00054.jpg /bedroom_0056a/sync_depth_00054.png 518.8579 +/classroom_0004/rgb_00100.jpg /classroom_0004/sync_depth_00100.png 518.8579 +/bathroom_0002/rgb_00047.jpg /bathroom_0002/sync_depth_00047.png 518.8579 +/bedroom_0060/rgb_00017.jpg /bedroom_0060/sync_depth_00017.png 518.8579 +/home_office_0008/rgb_00011.jpg /home_office_0008/sync_depth_00011.png 518.8579 +/dining_room_0031/rgb_00170.jpg /dining_room_0031/sync_depth_00170.png 518.8579 +/dining_room_0015/rgb_00192.jpg /dining_room_0015/sync_depth_00192.png 518.8579 +/dining_room_0029/rgb_00089.jpg /dining_room_0029/sync_depth_00089.png 518.8579 +/kitchen_0029c/rgb_00173.jpg /kitchen_0029c/sync_depth_00173.png 518.8579 +/office_0006/rgb_00091.jpg /office_0006/sync_depth_00091.png 518.8579 +/playroom_0002/rgb_00050.jpg /playroom_0002/sync_depth_00050.png 518.8579 +/furniture_store_0002a/rgb_00022.jpg /furniture_store_0002a/sync_depth_00022.png 518.8579 +/bedroom_0096/rgb_00034.jpg /bedroom_0096/sync_depth_00034.png 518.8579 +/living_room_0039/rgb_00072.jpg /living_room_0039/sync_depth_00072.png 518.8579 +/dining_room_0008/rgb_00046.jpg /dining_room_0008/sync_depth_00046.png 518.8579 +/bedroom_0062/rgb_00032.jpg /bedroom_0062/sync_depth_00032.png 518.8579 +/office_0024/rgb_00064.jpg /office_0024/sync_depth_00064.png 518.8579 +/bookstore_0001e/rgb_00075.jpg /bookstore_0001e/sync_depth_00075.png 518.8579 +/bedroom_0063/rgb_00130.jpg /bedroom_0063/sync_depth_00130.png 518.8579 +/dining_room_0012/rgb_00231.jpg /dining_room_0012/sync_depth_00231.png 518.8579 +/bookstore_0001e/rgb_00069.jpg /bookstore_0001e/sync_depth_00069.png 518.8579 +/home_office_0004/rgb_00051.jpg /home_office_0004/sync_depth_00051.png 518.8579 +/living_room_0083/rgb_00030.jpg /living_room_0083/sync_depth_00030.png 518.8579 +/bathroom_0034/rgb_00054.jpg /bathroom_0034/sync_depth_00054.png 518.8579 +/dining_room_0014/rgb_00062.jpg /dining_room_0014/sync_depth_00062.png 518.8579 +/bedroom_0016/rgb_00017.jpg /bedroom_0016/sync_depth_00017.png 518.8579 +/living_room_0055/rgb_00012.jpg /living_room_0055/sync_depth_00012.png 518.8579 +/bathroom_0048/rgb_00073.jpg /bathroom_0048/sync_depth_00073.png 518.8579 +/kitchen_0045b/rgb_00051.jpg /kitchen_0045b/sync_depth_00051.png 518.8579 +/bedroom_0051/rgb_00153.jpg /bedroom_0051/sync_depth_00153.png 518.8579 +/bedroom_0015/rgb_00106.jpg /bedroom_0015/sync_depth_00106.png 518.8579 +/kitchen_0008/rgb_00006.jpg /kitchen_0008/sync_depth_00006.png 518.8579 +/bedroom_0051/rgb_00049.jpg /bedroom_0051/sync_depth_00049.png 518.8579 +/furniture_store_0002a/rgb_00102.jpg /furniture_store_0002a/sync_depth_00102.png 518.8579 +/bedroom_0076a/rgb_00012.jpg /bedroom_0076a/sync_depth_00012.png 518.8579 +/living_room_0058/rgb_00020.jpg /living_room_0058/sync_depth_00020.png 518.8579 +/kitchen_0053/rgb_00062.jpg /kitchen_0053/sync_depth_00062.png 518.8579 +/printer_room_0001/rgb_00048.jpg /printer_room_0001/sync_depth_00048.png 518.8579 +/bathroom_0007/rgb_00083.jpg /bathroom_0007/sync_depth_00083.png 518.8579 +/basement_0001a/rgb_00080.jpg /basement_0001a/sync_depth_00080.png 518.8579 +/kitchen_0019a/rgb_00244.jpg /kitchen_0019a/sync_depth_00244.png 518.8579 +/kitchen_0051/rgb_00165.jpg /kitchen_0051/sync_depth_00165.png 518.8579 +/bedroom_0041/rgb_00059.jpg /bedroom_0041/sync_depth_00059.png 518.8579 +/bedroom_0071/rgb_00184.jpg /bedroom_0071/sync_depth_00184.png 518.8579 +/kitchen_0060/rgb_00175.jpg /kitchen_0060/sync_depth_00175.png 518.8579 +/bedroom_0071/rgb_00106.jpg /bedroom_0071/sync_depth_00106.png 518.8579 +/kitchen_0053/rgb_00252.jpg /kitchen_0053/sync_depth_00252.png 518.8579 +/bedroom_0076a/rgb_00079.jpg /bedroom_0076a/sync_depth_00079.png 518.8579 +/dining_room_0033/rgb_00055.jpg /dining_room_0033/sync_depth_00055.png 518.8579 +/laundry_room_0001/rgb_00019.jpg /laundry_room_0001/sync_depth_00019.png 518.8579 +/home_storage_0001/rgb_00079.jpg /home_storage_0001/sync_depth_00079.png 518.8579 +/living_room_0019/rgb_00054.jpg /living_room_0019/sync_depth_00054.png 518.8579 +/dining_room_0013/rgb_00102.jpg /dining_room_0013/sync_depth_00102.png 518.8579 +/living_room_0010/rgb_00049.jpg /living_room_0010/sync_depth_00049.png 518.8579 +/furniture_store_0002a/rgb_00024.jpg /furniture_store_0002a/sync_depth_00024.png 518.8579 +/home_storage_0001/rgb_00004.jpg /home_storage_0001/sync_depth_00004.png 518.8579 +/living_room_0047b/rgb_00176.jpg /living_room_0047b/sync_depth_00176.png 518.8579 +/bathroom_0041/rgb_00064.jpg /bathroom_0041/sync_depth_00064.png 518.8579 +/kitchen_0019a/rgb_00025.jpg /kitchen_0019a/sync_depth_00025.png 518.8579 +/living_room_0046b/rgb_00018.jpg /living_room_0046b/sync_depth_00018.png 518.8579 +/nyu_office_0/rgb_00203.jpg /nyu_office_0/sync_depth_00203.png 518.8579 +/bedroom_0047/rgb_00039.jpg /bedroom_0047/sync_depth_00039.png 518.8579 +/kitchen_0049/rgb_00208.jpg /kitchen_0049/sync_depth_00208.png 518.8579 +/bedroom_0120/rgb_00055.jpg /bedroom_0120/sync_depth_00055.png 518.8579 +/living_room_0062/rgb_00026.jpg /living_room_0062/sync_depth_00026.png 518.8579 +/study_room_0004/rgb_00129.jpg /study_room_0004/sync_depth_00129.png 518.8579 +/office_0019/rgb_00050.jpg /office_0019/sync_depth_00050.png 518.8579 +/bedroom_0017/rgb_00050.jpg /bedroom_0017/sync_depth_00050.png 518.8579 +/bedroom_0125a/rgb_00001.jpg /bedroom_0125a/sync_depth_00001.png 518.8579 +/kitchen_0035b/rgb_00121.jpg /kitchen_0035b/sync_depth_00121.png 518.8579 +/bedroom_0040/rgb_00073.jpg /bedroom_0040/sync_depth_00073.png 518.8579 +/living_room_0019/rgb_00114.jpg /living_room_0019/sync_depth_00114.png 518.8579 +/bathroom_0002/rgb_00008.jpg /bathroom_0002/sync_depth_00008.png 518.8579 +/bedroom_0076a/rgb_00233.jpg /bedroom_0076a/sync_depth_00233.png 518.8579 +/living_room_0050/rgb_00027.jpg /living_room_0050/sync_depth_00027.png 518.8579 +/bedroom_0029/rgb_00013.jpg /bedroom_0029/sync_depth_00013.png 518.8579 +/bookstore_0001d/rgb_00343.jpg /bookstore_0001d/sync_depth_00343.png 518.8579 +/dining_room_0031/rgb_00067.jpg /dining_room_0031/sync_depth_00067.png 518.8579 +/living_room_0063/rgb_00049.jpg /living_room_0063/sync_depth_00049.png 518.8579 +/bedroom_0025/rgb_00125.jpg /bedroom_0025/sync_depth_00125.png 518.8579 +/dining_room_0016/rgb_00202.jpg /dining_room_0016/sync_depth_00202.png 518.8579 +/living_room_0078/rgb_00013.jpg /living_room_0078/sync_depth_00013.png 518.8579 +/living_room_0022/rgb_00402.jpg /living_room_0022/sync_depth_00402.png 518.8579 +/bathroom_0057/rgb_00019.jpg /bathroom_0057/sync_depth_00019.png 518.8579 +/living_room_0011/rgb_00094.jpg /living_room_0011/sync_depth_00094.png 518.8579 +/dining_room_0028/rgb_00114.jpg /dining_room_0028/sync_depth_00114.png 518.8579 +/living_room_0068/rgb_00030.jpg /living_room_0068/sync_depth_00030.png 518.8579 +/bathroom_0016/rgb_00022.jpg /bathroom_0016/sync_depth_00022.png 518.8579 +/bathroom_0013/rgb_00020.jpg /bathroom_0013/sync_depth_00020.png 518.8579 +/bookstore_0001g/rgb_00217.jpg /bookstore_0001g/sync_depth_00217.png 518.8579 +/living_room_0022/rgb_00435.jpg /living_room_0022/sync_depth_00435.png 518.8579 +/living_room_0062/rgb_00221.jpg /living_room_0062/sync_depth_00221.png 518.8579 +/office_0006/rgb_00099.jpg /office_0006/sync_depth_00099.png 518.8579 +/bedroom_0040/rgb_00051.jpg /bedroom_0040/sync_depth_00051.png 518.8579 +/living_room_0038/rgb_00088.jpg /living_room_0038/sync_depth_00088.png 518.8579 +/kitchen_0048/rgb_00221.jpg /kitchen_0048/sync_depth_00221.png 518.8579 +/bedroom_0019/rgb_00018.jpg /bedroom_0019/sync_depth_00018.png 518.8579 +/living_room_0022/rgb_00160.jpg /living_room_0022/sync_depth_00160.png 518.8579 +/reception_room_0001a/rgb_00121.jpg /reception_room_0001a/sync_depth_00121.png 518.8579 +/nyu_office_1/rgb_00014.jpg /nyu_office_1/sync_depth_00014.png 518.8579 +/furniture_store_0002a/rgb_00213.jpg /furniture_store_0002a/sync_depth_00213.png 518.8579 +/kitchen_0028a/rgb_00011.jpg /kitchen_0028a/sync_depth_00011.png 518.8579 +/bedroom_0019/rgb_00095.jpg /bedroom_0019/sync_depth_00095.png 518.8579 +/nyu_office_0/rgb_00021.jpg /nyu_office_0/sync_depth_00021.png 518.8579 +/kitchen_0033/rgb_00049.jpg /kitchen_0033/sync_depth_00049.png 518.8579 +/living_room_0085/rgb_00017.jpg /living_room_0085/sync_depth_00017.png 518.8579 +/living_room_0083/rgb_00006.jpg /living_room_0083/sync_depth_00006.png 518.8579 +/bedroom_0072/rgb_00024.jpg /bedroom_0072/sync_depth_00024.png 518.8579 +/kitchen_0035b/rgb_00274.jpg /kitchen_0035b/sync_depth_00274.png 518.8579 +/kitchen_0006/rgb_00009.jpg /kitchen_0006/sync_depth_00009.png 518.8579 +/playroom_0003/rgb_00165.jpg /playroom_0003/sync_depth_00165.png 518.8579 +/home_office_0008/rgb_00125.jpg /home_office_0008/sync_depth_00125.png 518.8579 +/bedroom_0059/rgb_00015.jpg /bedroom_0059/sync_depth_00015.png 518.8579 +/living_room_0010/rgb_00200.jpg /living_room_0010/sync_depth_00200.png 518.8579 +/home_office_0008/rgb_00054.jpg /home_office_0008/sync_depth_00054.png 518.8579 +/home_storage_0001/rgb_00100.jpg /home_storage_0001/sync_depth_00100.png 518.8579 +/bathroom_0013/rgb_00043.jpg /bathroom_0013/sync_depth_00043.png 518.8579 +/bedroom_0033/rgb_00003.jpg /bedroom_0033/sync_depth_00003.png 518.8579 +/living_room_0078/rgb_00038.jpg /living_room_0078/sync_depth_00038.png 518.8579 +/study_room_0004/rgb_00026.jpg /study_room_0004/sync_depth_00026.png 518.8579 +/kitchen_0051/rgb_00298.jpg /kitchen_0051/sync_depth_00298.png 518.8579 +/foyer_0002/rgb_00044.jpg /foyer_0002/sync_depth_00044.png 518.8579 +/office_kitchen_0003/rgb_00046.jpg /office_kitchen_0003/sync_depth_00046.png 518.8579 +/living_room_0035/rgb_00100.jpg /living_room_0035/sync_depth_00100.png 518.8579 +/dining_room_0031/rgb_00263.jpg /dining_room_0031/sync_depth_00263.png 518.8579 +/living_room_0011/rgb_00027.jpg /living_room_0011/sync_depth_00027.png 518.8579 +/living_room_0042b/rgb_00085.jpg /living_room_0042b/sync_depth_00085.png 518.8579 +/bedroom_0017/rgb_00005.jpg /bedroom_0017/sync_depth_00005.png 518.8579 +/living_room_0085/rgb_00005.jpg /living_room_0085/sync_depth_00005.png 518.8579 +/bedroom_0050/rgb_00010.jpg /bedroom_0050/sync_depth_00010.png 518.8579 +/living_room_0058/rgb_00007.jpg /living_room_0058/sync_depth_00007.png 518.8579 +/kitchen_0047/rgb_00081.jpg /kitchen_0047/sync_depth_00081.png 518.8579 +/bedroom_0063/rgb_00006.jpg /bedroom_0063/sync_depth_00006.png 518.8579 +/office_kitchen_0003/rgb_00012.jpg /office_kitchen_0003/sync_depth_00012.png 518.8579 +/bedroom_0019/rgb_00167.jpg /bedroom_0019/sync_depth_00167.png 518.8579 +/bedroom_0045/rgb_00014.jpg /bedroom_0045/sync_depth_00014.png 518.8579 +/bathroom_0019/rgb_00088.jpg /bathroom_0019/sync_depth_00088.png 518.8579 +/kitchen_0051/rgb_00279.jpg /kitchen_0051/sync_depth_00279.png 518.8579 +/living_room_0039/rgb_00183.jpg /living_room_0039/sync_depth_00183.png 518.8579 +/kitchen_0053/rgb_00065.jpg /kitchen_0053/sync_depth_00065.png 518.8579 +/living_room_0035/rgb_00036.jpg /living_room_0035/sync_depth_00036.png 518.8579 +/bedroom_0012/rgb_00073.jpg /bedroom_0012/sync_depth_00073.png 518.8579 +/living_room_0018/rgb_00011.jpg /living_room_0018/sync_depth_00011.png 518.8579 +/kitchen_0003/rgb_00148.jpg /kitchen_0003/sync_depth_00148.png 518.8579 +/bedroom_0050/rgb_00028.jpg /bedroom_0050/sync_depth_00028.png 518.8579 +/living_room_0004/rgb_00040.jpg /living_room_0004/sync_depth_00040.png 518.8579 +/study_0003/rgb_00042.jpg /study_0003/sync_depth_00042.png 518.8579 +/living_room_0078/rgb_00045.jpg /living_room_0078/sync_depth_00045.png 518.8579 +/living_room_0039/rgb_00156.jpg /living_room_0039/sync_depth_00156.png 518.8579 +/bedroom_0047/rgb_00015.jpg /bedroom_0047/sync_depth_00015.png 518.8579 +/bedroom_0106/rgb_00007.jpg /bedroom_0106/sync_depth_00007.png 518.8579 +/dining_room_0001b/rgb_00108.jpg /dining_room_0001b/sync_depth_00108.png 518.8579 +/kitchen_0033/rgb_00122.jpg /kitchen_0033/sync_depth_00122.png 518.8579 +/dining_room_0033/rgb_00194.jpg /dining_room_0033/sync_depth_00194.png 518.8579 +/kitchen_0019a/rgb_00007.jpg /kitchen_0019a/sync_depth_00007.png 518.8579 +/office_0026/rgb_00118.jpg /office_0026/sync_depth_00118.png 518.8579 +/bathroom_0045a/rgb_00061.jpg /bathroom_0045a/sync_depth_00061.png 518.8579 +/bedroom_0120/rgb_00009.jpg /bedroom_0120/sync_depth_00009.png 518.8579 +/nyu_office_0/rgb_00118.jpg /nyu_office_0/sync_depth_00118.png 518.8579 +/bedroom_0051/rgb_00091.jpg /bedroom_0051/sync_depth_00091.png 518.8579 +/furniture_store_0002c/rgb_00023.jpg /furniture_store_0002c/sync_depth_00023.png 518.8579 +/furniture_store_0001e/rgb_00028.jpg /furniture_store_0001e/sync_depth_00028.png 518.8579 +/bathroom_0005/rgb_00019.jpg /bathroom_0005/sync_depth_00019.png 518.8579 +/bedroom_0059/rgb_00035.jpg /bedroom_0059/sync_depth_00035.png 518.8579 +/dining_room_0015/rgb_00141.jpg /dining_room_0015/sync_depth_00141.png 518.8579 +/office_kitchen_0001a/rgb_00069.jpg /office_kitchen_0001a/sync_depth_00069.png 518.8579 +/reception_room_0001b/rgb_00054.jpg /reception_room_0001b/sync_depth_00054.png 518.8579 +/living_room_0012/rgb_00049.jpg /living_room_0012/sync_depth_00049.png 518.8579 +/bedroom_0017/rgb_00092.jpg /bedroom_0017/sync_depth_00092.png 518.8579 +/cafe_0001a/rgb_00059.jpg /cafe_0001a/sync_depth_00059.png 518.8579 +/furniture_store_0001b/rgb_00079.jpg /furniture_store_0001b/sync_depth_00079.png 518.8579 +/kitchen_0050/rgb_00154.jpg /kitchen_0050/sync_depth_00154.png 518.8579 +/basement_0001a/rgb_00025.jpg /basement_0001a/sync_depth_00025.png 518.8579 +/living_room_0035/rgb_00064.jpg /living_room_0035/sync_depth_00064.png 518.8579 +/study_0003/rgb_00086.jpg /study_0003/sync_depth_00086.png 518.8579 +/conference_room_0002/rgb_00023.jpg /conference_room_0002/sync_depth_00023.png 518.8579 +/bedroom_0100/rgb_00055.jpg /bedroom_0100/sync_depth_00055.png 518.8579 +/bedroom_0140/rgb_00150.jpg /bedroom_0140/sync_depth_00150.png 518.8579 +/bedroom_0094/rgb_00024.jpg /bedroom_0094/sync_depth_00024.png 518.8579 +/office_0004/rgb_00062.jpg /office_0004/sync_depth_00062.png 518.8579 +/bedroom_0051/rgb_00126.jpg /bedroom_0051/sync_depth_00126.png 518.8579 +/study_room_0005b/rgb_00058.jpg /study_room_0005b/sync_depth_00058.png 518.8579 +/bedroom_0140/rgb_00072.jpg /bedroom_0140/sync_depth_00072.png 518.8579 +/living_room_0086b/rgb_00045.jpg /living_room_0086b/sync_depth_00045.png 518.8579 +/bathroom_0002/rgb_00024.jpg /bathroom_0002/sync_depth_00024.png 518.8579 +/living_room_0005/rgb_00051.jpg /living_room_0005/sync_depth_00051.png 518.8579 +/cafe_0001a/rgb_00017.jpg /cafe_0001a/sync_depth_00017.png 518.8579 +/classroom_0011/rgb_00016.jpg /classroom_0011/sync_depth_00016.png 518.8579 +/dining_room_0010/rgb_00032.jpg /dining_room_0010/sync_depth_00032.png 518.8579 +/bedroom_0053/rgb_00105.jpg /bedroom_0053/sync_depth_00105.png 518.8579 +/bathroom_0019/rgb_00033.jpg /bathroom_0019/sync_depth_00033.png 518.8579 +/office_0003/rgb_00051.jpg /office_0003/sync_depth_00051.png 518.8579 +/dining_room_0015/rgb_00064.jpg /dining_room_0015/sync_depth_00064.png 518.8579 +/kitchen_0049/rgb_00100.jpg /kitchen_0049/sync_depth_00100.png 518.8579 +/dining_room_0031/rgb_00221.jpg /dining_room_0031/sync_depth_00221.png 518.8579 +/nyu_office_0/rgb_00234.jpg /nyu_office_0/sync_depth_00234.png 518.8579 +/bathroom_0024/rgb_00020.jpg /bathroom_0024/sync_depth_00020.png 518.8579 +/living_room_0069a/rgb_00052.jpg /living_room_0069a/sync_depth_00052.png 518.8579 +/kitchen_0010/rgb_00036.jpg /kitchen_0010/sync_depth_00036.png 518.8579 +/kitchen_0033/rgb_00167.jpg /kitchen_0033/sync_depth_00167.png 518.8579 +/bedroom_0034/rgb_00120.jpg /bedroom_0034/sync_depth_00120.png 518.8579 +/bedroom_0056a/rgb_00075.jpg /bedroom_0056a/sync_depth_00075.png 518.8579 +/bedroom_0124/rgb_00001.jpg /bedroom_0124/sync_depth_00001.png 518.8579 +/kitchen_0003/rgb_00062.jpg /kitchen_0003/sync_depth_00062.png 518.8579 +/reception_room_0004/rgb_00076.jpg /reception_room_0004/sync_depth_00076.png 518.8579 +/bedroom_0076a/rgb_00204.jpg /bedroom_0076a/sync_depth_00204.png 518.8579 +/office_0024/rgb_00032.jpg /office_0024/sync_depth_00032.png 518.8579 +/bookstore_0001j/rgb_00060.jpg /bookstore_0001j/sync_depth_00060.png 518.8579 +/bathroom_0011/rgb_00033.jpg /bathroom_0011/sync_depth_00033.png 518.8579 +/kitchen_0043/rgb_00036.jpg /kitchen_0043/sync_depth_00036.png 518.8579 +/bedroom_0066/rgb_00049.jpg /bedroom_0066/sync_depth_00049.png 518.8579 +/living_room_0004/rgb_00154.jpg /living_room_0004/sync_depth_00154.png 518.8579 +/kitchen_0029c/rgb_00139.jpg /kitchen_0029c/sync_depth_00139.png 518.8579 +/bookstore_0001h/rgb_00167.jpg /bookstore_0001h/sync_depth_00167.png 518.8579 +/study_room_0004/rgb_00071.jpg /study_room_0004/sync_depth_00071.png 518.8579 +/kitchen_0053/rgb_00033.jpg /kitchen_0053/sync_depth_00033.png 518.8579 +/bedroom_0042/rgb_00054.jpg /bedroom_0042/sync_depth_00054.png 518.8579 +/living_room_0083/rgb_00074.jpg /living_room_0083/sync_depth_00074.png 518.8579 +/bookstore_0001g/rgb_00098.jpg /bookstore_0001g/sync_depth_00098.png 518.8579 +/nyu_office_1/rgb_00056.jpg /nyu_office_1/sync_depth_00056.png 518.8579 +/kitchen_0003/rgb_00141.jpg /kitchen_0003/sync_depth_00141.png 518.8579 +/kitchen_0052/rgb_00137.jpg /kitchen_0052/sync_depth_00137.png 518.8579 +/computer_lab_0002/rgb_00047.jpg /computer_lab_0002/sync_depth_00047.png 518.8579 +/furniture_store_0001d/rgb_00287.jpg /furniture_store_0001d/sync_depth_00287.png 518.8579 +/living_room_0020/rgb_00103.jpg /living_room_0020/sync_depth_00103.png 518.8579 +/reception_room_0001a/rgb_00096.jpg /reception_room_0001a/sync_depth_00096.png 518.8579 +/living_room_0038/rgb_00071.jpg /living_room_0038/sync_depth_00071.png 518.8579 +/living_room_0035/rgb_00029.jpg /living_room_0035/sync_depth_00029.png 518.8579 +/bedroom_0140/rgb_00090.jpg /bedroom_0140/sync_depth_00090.png 518.8579 +/dining_room_0023/rgb_00159.jpg /dining_room_0023/sync_depth_00159.png 518.8579 +/bedroom_0016/rgb_00103.jpg /bedroom_0016/sync_depth_00103.png 518.8579 +/kitchen_0028a/rgb_00156.jpg /kitchen_0028a/sync_depth_00156.png 518.8579 +/home_office_0013/rgb_00060.jpg /home_office_0013/sync_depth_00060.png 518.8579 +/kitchen_0051/rgb_00273.jpg /kitchen_0051/sync_depth_00273.png 518.8579 +/cafe_0001c/rgb_00106.jpg /cafe_0001c/sync_depth_00106.png 518.8579 +/kitchen_0051/rgb_00359.jpg /kitchen_0051/sync_depth_00359.png 518.8579 +/bathroom_0039/rgb_00008.jpg /bathroom_0039/sync_depth_00008.png 518.8579 +/bedroom_0125b/rgb_00008.jpg /bedroom_0125b/sync_depth_00008.png 518.8579 +/living_room_0022/rgb_00345.jpg /living_room_0022/sync_depth_00345.png 518.8579 +/playroom_0006/rgb_00018.jpg /playroom_0006/sync_depth_00018.png 518.8579 +/kitchen_0037/rgb_00011.jpg /kitchen_0037/sync_depth_00011.png 518.8579 +/office_kitchen_0001b/rgb_00039.jpg /office_kitchen_0001b/sync_depth_00039.png 518.8579 +/kitchen_0035b/rgb_00270.jpg /kitchen_0035b/sync_depth_00270.png 518.8579 +/kitchen_0045a/rgb_00032.jpg /kitchen_0045a/sync_depth_00032.png 518.8579 +/kitchen_0033/rgb_00188.jpg /kitchen_0033/sync_depth_00188.png 518.8579 +/study_0004/rgb_00035.jpg /study_0004/sync_depth_00035.png 518.8579 +/bedroom_0057/rgb_00024.jpg /bedroom_0057/sync_depth_00024.png 518.8579 +/bathroom_0045a/rgb_00029.jpg /bathroom_0045a/sync_depth_00029.png 518.8579 +/bathroom_0006/rgb_00053.jpg /bathroom_0006/sync_depth_00053.png 518.8579 +/bedroom_0034/rgb_00114.jpg /bedroom_0034/sync_depth_00114.png 518.8579 +/living_room_0011/rgb_00080.jpg /living_room_0011/sync_depth_00080.png 518.8579 +/bedroom_0097/rgb_00038.jpg /bedroom_0097/sync_depth_00038.png 518.8579 +/living_room_0012/rgb_00168.jpg /living_room_0012/sync_depth_00168.png 518.8579 +/furniture_store_0001e/rgb_00079.jpg /furniture_store_0001e/sync_depth_00079.png 518.8579 +/living_room_0078/rgb_00070.jpg /living_room_0078/sync_depth_00070.png 518.8579 +/bedroom_0124/rgb_00027.jpg /bedroom_0124/sync_depth_00027.png 518.8579 +/office_0018/rgb_00034.jpg /office_0018/sync_depth_00034.png 518.8579 +/dining_room_0015/rgb_00060.jpg /dining_room_0015/sync_depth_00060.png 518.8579 +/bathroom_0014a/rgb_00052.jpg /bathroom_0014a/sync_depth_00052.png 518.8579 +/furniture_store_0001d/rgb_00076.jpg /furniture_store_0001d/sync_depth_00076.png 518.8579 +/kitchen_0031/rgb_00018.jpg /kitchen_0031/sync_depth_00018.png 518.8579 +/study_room_0004/rgb_00127.jpg /study_room_0004/sync_depth_00127.png 518.8579 +/study_room_0005a/rgb_00008.jpg /study_room_0005a/sync_depth_00008.png 518.8579 +/nyu_office_0/rgb_00121.jpg /nyu_office_0/sync_depth_00121.png 518.8579 +/kitchen_0029c/rgb_00164.jpg /kitchen_0029c/sync_depth_00164.png 518.8579 +/bedroom_0086/rgb_00039.jpg /bedroom_0086/sync_depth_00039.png 518.8579 +/living_room_0018/rgb_00199.jpg /living_room_0018/sync_depth_00199.png 518.8579 +/kitchen_0051/rgb_00326.jpg /kitchen_0051/sync_depth_00326.png 518.8579 +/study_0003/rgb_00080.jpg /study_0003/sync_depth_00080.png 518.8579 +/bedroom_0057/rgb_00004.jpg /bedroom_0057/sync_depth_00004.png 518.8579 +/bedroom_0138/rgb_00098.jpg /bedroom_0138/sync_depth_00098.png 518.8579 +/kitchen_0049/rgb_00233.jpg /kitchen_0049/sync_depth_00233.png 518.8579 +/bedroom_0034/rgb_00078.jpg /bedroom_0034/sync_depth_00078.png 518.8579 +/bedroom_0050/rgb_00103.jpg /bedroom_0050/sync_depth_00103.png 518.8579 +/bedroom_0074/rgb_00069.jpg /bedroom_0074/sync_depth_00069.png 518.8579 +/bedroom_0081/rgb_00009.jpg /bedroom_0081/sync_depth_00009.png 518.8579 +/bedroom_0041/rgb_00030.jpg /bedroom_0041/sync_depth_00030.png 518.8579 +/classroom_0006/rgb_00149.jpg /classroom_0006/sync_depth_00149.png 518.8579 +/student_lounge_0001/rgb_00051.jpg /student_lounge_0001/sync_depth_00051.png 518.8579 +/dining_room_0031/rgb_00090.jpg /dining_room_0031/sync_depth_00090.png 518.8579 +/bedroom_0062/rgb_00141.jpg /bedroom_0062/sync_depth_00141.png 518.8579 +/bedroom_0069/rgb_00108.jpg /bedroom_0069/sync_depth_00108.png 518.8579 +/dining_room_0019/rgb_00008.jpg /dining_room_0019/sync_depth_00008.png 518.8579 +/study_0003/rgb_00111.jpg /study_0003/sync_depth_00111.png 518.8579 +/bedroom_0140/rgb_00142.jpg /bedroom_0140/sync_depth_00142.png 518.8579 +/living_room_0063/rgb_00034.jpg /living_room_0063/sync_depth_00034.png 518.8579 +/living_room_0022/rgb_00327.jpg /living_room_0022/sync_depth_00327.png 518.8579 +/nyu_office_0/rgb_00395.jpg /nyu_office_0/sync_depth_00395.png 518.8579 +/study_0005/rgb_00007.jpg /study_0005/sync_depth_00007.png 518.8579 +/dining_room_0015/rgb_00150.jpg /dining_room_0015/sync_depth_00150.png 518.8579 +/office_kitchen_0001b/rgb_00021.jpg /office_kitchen_0001b/sync_depth_00021.png 518.8579 +/living_room_0040/rgb_00048.jpg /living_room_0040/sync_depth_00048.png 518.8579 +/office_0024/rgb_00124.jpg /office_0024/sync_depth_00124.png 518.8579 +/bedroom_0118/rgb_00003.jpg /bedroom_0118/sync_depth_00003.png 518.8579 +/office_0011/rgb_00067.jpg /office_0011/sync_depth_00067.png 518.8579 +/living_room_0022/rgb_00414.jpg /living_room_0022/sync_depth_00414.png 518.8579 +/bedroom_0026/rgb_00111.jpg /bedroom_0026/sync_depth_00111.png 518.8579 +/living_room_0010/rgb_00145.jpg /living_room_0010/sync_depth_00145.png 518.8579 +/dining_room_0007/rgb_00151.jpg /dining_room_0007/sync_depth_00151.png 518.8579 +/living_room_0029/rgb_00021.jpg /living_room_0029/sync_depth_00021.png 518.8579 +/dining_room_0001b/rgb_00131.jpg /dining_room_0001b/sync_depth_00131.png 518.8579 +/living_room_0019/rgb_00044.jpg /living_room_0019/sync_depth_00044.png 518.8579 +/living_room_0063/rgb_00090.jpg /living_room_0063/sync_depth_00090.png 518.8579 +/bookstore_0001f/rgb_00346.jpg /bookstore_0001f/sync_depth_00346.png 518.8579 +/living_room_0050/rgb_00097.jpg /living_room_0050/sync_depth_00097.png 518.8579 +/bathroom_0034/rgb_00024.jpg /bathroom_0034/sync_depth_00024.png 518.8579 +/dining_room_0012/rgb_00179.jpg /dining_room_0012/sync_depth_00179.png 518.8579 +/playroom_0004/rgb_00042.jpg /playroom_0004/sync_depth_00042.png 518.8579 +/bathroom_0048/rgb_00051.jpg /bathroom_0048/sync_depth_00051.png 518.8579 +/dining_room_0034/rgb_00142.jpg /dining_room_0034/sync_depth_00142.png 518.8579 +/home_office_0011/rgb_00098.jpg /home_office_0011/sync_depth_00098.png 518.8579 +/home_office_0004/rgb_00019.jpg /home_office_0004/sync_depth_00019.png 518.8579 +/dining_room_0024/rgb_00125.jpg /dining_room_0024/sync_depth_00125.png 518.8579 +/printer_room_0001/rgb_00038.jpg /printer_room_0001/sync_depth_00038.png 518.8579 +/bathroom_0005/rgb_00049.jpg /bathroom_0005/sync_depth_00049.png 518.8579 +/bathroom_0056/rgb_00042.jpg /bathroom_0056/sync_depth_00042.png 518.8579 +/furniture_store_0001d/rgb_00130.jpg /furniture_store_0001d/sync_depth_00130.png 518.8579 +/kitchen_0048/rgb_00176.jpg /kitchen_0048/sync_depth_00176.png 518.8579 +/dining_room_0029/rgb_00098.jpg /dining_room_0029/sync_depth_00098.png 518.8579 +/dining_room_0016/rgb_00094.jpg /dining_room_0016/sync_depth_00094.png 518.8579 +/living_room_0055/rgb_00011.jpg /living_room_0055/sync_depth_00011.png 518.8579 +/kitchen_0035b/rgb_00190.jpg /kitchen_0035b/sync_depth_00190.png 518.8579 +/kitchen_0017/rgb_00053.jpg /kitchen_0017/sync_depth_00053.png 518.8579 +/bookstore_0001h/rgb_00161.jpg /bookstore_0001h/sync_depth_00161.png 518.8579 +/dining_room_0031/rgb_00377.jpg /dining_room_0031/sync_depth_00377.png 518.8579 +/bedroom_0020/rgb_00002.jpg /bedroom_0020/sync_depth_00002.png 518.8579 +/kitchen_0051/rgb_00153.jpg /kitchen_0051/sync_depth_00153.png 518.8579 +/bedroom_0047/rgb_00011.jpg /bedroom_0047/sync_depth_00011.png 518.8579 +/dining_room_0016/rgb_00097.jpg /dining_room_0016/sync_depth_00097.png 518.8579 +/living_room_0039/rgb_00177.jpg /living_room_0039/sync_depth_00177.png 518.8579 +/living_room_0069a/rgb_00103.jpg /living_room_0069a/sync_depth_00103.png 518.8579 +/bedroom_0004/rgb_00125.jpg /bedroom_0004/sync_depth_00125.png 518.8579 +/bedroom_0019/rgb_00012.jpg /bedroom_0019/sync_depth_00012.png 518.8579 +/classroom_0006/rgb_00142.jpg /classroom_0006/sync_depth_00142.png 518.8579 +/dining_room_0034/rgb_00181.jpg /dining_room_0034/sync_depth_00181.png 518.8579 +/classroom_0003/rgb_00023.jpg /classroom_0003/sync_depth_00023.png 518.8579 +/bedroom_0034/rgb_00123.jpg /bedroom_0034/sync_depth_00123.png 518.8579 +/bedroom_0081/rgb_00016.jpg /bedroom_0081/sync_depth_00016.png 518.8579 +/kitchen_0051/rgb_00142.jpg /kitchen_0051/sync_depth_00142.png 518.8579 +/bookstore_0001h/rgb_00141.jpg /bookstore_0001h/sync_depth_00141.png 518.8579 +/bedroom_0051/rgb_00216.jpg /bedroom_0051/sync_depth_00216.png 518.8579 +/living_room_0058/rgb_00197.jpg /living_room_0058/sync_depth_00197.png 518.8579 +/bedroom_0113/rgb_00091.jpg /bedroom_0113/sync_depth_00091.png 518.8579 +/dining_room_0008/rgb_00154.jpg /dining_room_0008/sync_depth_00154.png 518.8579 +/living_room_0010/rgb_00122.jpg /living_room_0010/sync_depth_00122.png 518.8579 +/living_room_0011/rgb_00074.jpg /living_room_0011/sync_depth_00074.png 518.8579 +/home_office_0006/rgb_00159.jpg /home_office_0006/sync_depth_00159.png 518.8579 +/bedroom_0129/rgb_00095.jpg /bedroom_0129/sync_depth_00095.png 518.8579 +/bathroom_0039/rgb_00057.jpg /bathroom_0039/sync_depth_00057.png 518.8579 +/living_room_0069a/rgb_00051.jpg /living_room_0069a/sync_depth_00051.png 518.8579 +/bookstore_0001f/rgb_00100.jpg /bookstore_0001f/sync_depth_00100.png 518.8579 +/study_0006/rgb_00027.jpg /study_0006/sync_depth_00027.png 518.8579 +/nyu_office_1/rgb_00069.jpg /nyu_office_1/sync_depth_00069.png 518.8579 +/living_room_0058/rgb_00049.jpg /living_room_0058/sync_depth_00049.png 518.8579 +/office_0006/rgb_00067.jpg /office_0006/sync_depth_00067.png 518.8579 +/living_room_0018/rgb_00094.jpg /living_room_0018/sync_depth_00094.png 518.8579 +/bedroom_0076a/rgb_00181.jpg /bedroom_0076a/sync_depth_00181.png 518.8579 +/reception_room_0004/rgb_00050.jpg /reception_room_0004/sync_depth_00050.png 518.8579 +/kitchen_0060/rgb_00066.jpg /kitchen_0060/sync_depth_00066.png 518.8579 +/bedroom_0050/rgb_00151.jpg /bedroom_0050/sync_depth_00151.png 518.8579 +/dining_room_0016/rgb_00212.jpg /dining_room_0016/sync_depth_00212.png 518.8579 +/bedroom_0025/rgb_00109.jpg /bedroom_0025/sync_depth_00109.png 518.8579 +/home_office_0008/rgb_00029.jpg /home_office_0008/sync_depth_00029.png 518.8579 +/kitchen_0028a/rgb_00116.jpg /kitchen_0028a/sync_depth_00116.png 518.8579 +/home_storage_0001/rgb_00117.jpg /home_storage_0001/sync_depth_00117.png 518.8579 +/bookstore_0001f/rgb_00381.jpg /bookstore_0001f/sync_depth_00381.png 518.8579 +/bathroom_0045a/rgb_00015.jpg /bathroom_0045a/sync_depth_00015.png 518.8579 +/bookstore_0001i/rgb_00019.jpg /bookstore_0001i/sync_depth_00019.png 518.8579 +/furniture_store_0002b/rgb_00053.jpg /furniture_store_0002b/sync_depth_00053.png 518.8579 +/dining_room_0001b/rgb_00066.jpg /dining_room_0001b/sync_depth_00066.png 518.8579 +/living_room_0040/rgb_00328.jpg /living_room_0040/sync_depth_00328.png 518.8579 +/bedroom_0106/rgb_00074.jpg /bedroom_0106/sync_depth_00074.png 518.8579 +/bookstore_0001g/rgb_00188.jpg /bookstore_0001g/sync_depth_00188.png 518.8579 +/study_room_0004/rgb_00088.jpg /study_room_0004/sync_depth_00088.png 518.8579 +/bedroom_0017/rgb_00136.jpg /bedroom_0017/sync_depth_00136.png 518.8579 +/basement_0001a/rgb_00137.jpg /basement_0001a/sync_depth_00137.png 518.8579 +/bedroom_0042/rgb_00031.jpg /bedroom_0042/sync_depth_00031.png 518.8579 +/kitchen_0043/rgb_00165.jpg /kitchen_0043/sync_depth_00165.png 518.8579 +/dining_room_0012/rgb_00087.jpg /dining_room_0012/sync_depth_00087.png 518.8579 +/dining_room_0001b/rgb_00139.jpg /dining_room_0001b/sync_depth_00139.png 518.8579 +/home_office_0005/rgb_00115.jpg /home_office_0005/sync_depth_00115.png 518.8579 +/kitchen_0016/rgb_00062.jpg /kitchen_0016/sync_depth_00062.png 518.8579 +/home_office_0005/rgb_00016.jpg /home_office_0005/sync_depth_00016.png 518.8579 +/bathroom_0049/rgb_00022.jpg /bathroom_0049/sync_depth_00022.png 518.8579 +/reception_room_0002/rgb_00009.jpg /reception_room_0002/sync_depth_00009.png 518.8579 +/kitchen_0052/rgb_00054.jpg /kitchen_0052/sync_depth_00054.png 518.8579 +/classroom_0006/rgb_00032.jpg /classroom_0006/sync_depth_00032.png 518.8579 +/dining_room_0007/rgb_00053.jpg /dining_room_0007/sync_depth_00053.png 518.8579 +/kitchen_0003/rgb_00017.jpg /kitchen_0003/sync_depth_00017.png 518.8579 +/bedroom_0129/rgb_00068.jpg /bedroom_0129/sync_depth_00068.png 518.8579 +/office_0006/rgb_00109.jpg /office_0006/sync_depth_00109.png 518.8579 +/bedroom_0076a/rgb_00043.jpg /bedroom_0076a/sync_depth_00043.png 518.8579 +/bedroom_0016/rgb_00049.jpg /bedroom_0016/sync_depth_00049.png 518.8579 +/furniture_store_0002b/rgb_00112.jpg /furniture_store_0002b/sync_depth_00112.png 518.8579 +/living_room_0038/rgb_00016.jpg /living_room_0038/sync_depth_00016.png 518.8579 +/bathroom_0048/rgb_00049.jpg /bathroom_0048/sync_depth_00049.png 518.8579 +/reception_room_0001b/rgb_00122.jpg /reception_room_0001b/sync_depth_00122.png 518.8579 +/bathroom_0049/rgb_00004.jpg /bathroom_0049/sync_depth_00004.png 518.8579 +/kitchen_0045b/rgb_00120.jpg /kitchen_0045b/sync_depth_00120.png 518.8579 +/living_room_0010/rgb_00168.jpg /living_room_0010/sync_depth_00168.png 518.8579 +/bedroom_0053/rgb_00066.jpg /bedroom_0053/sync_depth_00066.png 518.8579 +/living_room_0063/rgb_00074.jpg /living_room_0063/sync_depth_00074.png 518.8579 +/dining_room_0014/rgb_00038.jpg /dining_room_0014/sync_depth_00038.png 518.8579 +/bathroom_0045a/rgb_00004.jpg /bathroom_0045a/sync_depth_00004.png 518.8579 +/bookstore_0001f/rgb_00298.jpg /bookstore_0001f/sync_depth_00298.png 518.8579 +/bedroom_0017/rgb_00006.jpg /bedroom_0017/sync_depth_00006.png 518.8579 +/living_room_0020/rgb_00081.jpg /living_room_0020/sync_depth_00081.png 518.8579 +/living_room_0022/rgb_00279.jpg /living_room_0022/sync_depth_00279.png 518.8579 +/living_room_0005/rgb_00020.jpg /living_room_0005/sync_depth_00020.png 518.8579 +/office_0009/rgb_00024.jpg /office_0009/sync_depth_00024.png 518.8579 +/living_room_0055/rgb_00092.jpg /living_room_0055/sync_depth_00092.png 518.8579 +/dining_room_0037/rgb_00109.jpg /dining_room_0037/sync_depth_00109.png 518.8579 +/dining_room_0034/rgb_00073.jpg /dining_room_0034/sync_depth_00073.png 518.8579 +/living_room_0018/rgb_00074.jpg /living_room_0018/sync_depth_00074.png 518.8579 +/furniture_store_0002a/rgb_00204.jpg /furniture_store_0002a/sync_depth_00204.png 518.8579 +/bedroom_0052/rgb_00212.jpg /bedroom_0052/sync_depth_00212.png 518.8579 +/home_office_0004/rgb_00042.jpg /home_office_0004/sync_depth_00042.png 518.8579 +/bedroom_0014/rgb_00063.jpg /bedroom_0014/sync_depth_00063.png 518.8579 +/dining_room_0013/rgb_00125.jpg /dining_room_0013/sync_depth_00125.png 518.8579 +/kitchen_0035b/rgb_00306.jpg /kitchen_0035b/sync_depth_00306.png 518.8579 +/bedroom_0140/rgb_00135.jpg /bedroom_0140/sync_depth_00135.png 518.8579 +/classroom_0003/rgb_00042.jpg /classroom_0003/sync_depth_00042.png 518.8579 +/bedroom_0078/rgb_00068.jpg /bedroom_0078/sync_depth_00068.png 518.8579 +/living_room_0078/rgb_00079.jpg /living_room_0078/sync_depth_00079.png 518.8579 +/bedroom_0040/rgb_00035.jpg /bedroom_0040/sync_depth_00035.png 518.8579 +/nyu_office_0/rgb_00187.jpg /nyu_office_0/sync_depth_00187.png 518.8579 +/bedroom_0081/rgb_00003.jpg /bedroom_0081/sync_depth_00003.png 518.8579 +/bookstore_0001g/rgb_00175.jpg /bookstore_0001g/sync_depth_00175.png 518.8579 +/dining_room_0013/rgb_00155.jpg /dining_room_0013/sync_depth_00155.png 518.8579 +/student_lounge_0001/rgb_00176.jpg /student_lounge_0001/sync_depth_00176.png 518.8579 +/dinette_0001/rgb_00001.jpg /dinette_0001/sync_depth_00001.png 518.8579 +/nyu_office_0/rgb_00173.jpg /nyu_office_0/sync_depth_00173.png 518.8579 +/living_room_0047b/rgb_00037.jpg /living_room_0047b/sync_depth_00037.png 518.8579 +/living_room_0063/rgb_00107.jpg /living_room_0063/sync_depth_00107.png 518.8579 +/office_0026/rgb_00086.jpg /office_0026/sync_depth_00086.png 518.8579 +/kitchen_0043/rgb_00122.jpg /kitchen_0043/sync_depth_00122.png 518.8579 +/living_room_0033/rgb_00006.jpg /living_room_0033/sync_depth_00006.png 518.8579 +/bookstore_0001i/rgb_00072.jpg /bookstore_0001i/sync_depth_00072.png 518.8579 +/bedroom_0130/rgb_00069.jpg /bedroom_0130/sync_depth_00069.png 518.8579 +/living_room_0058/rgb_00167.jpg /living_room_0058/sync_depth_00167.png 518.8579 +/living_room_0058/rgb_00281.jpg /living_room_0058/sync_depth_00281.png 518.8579 +/living_room_0019/rgb_00057.jpg /living_room_0019/sync_depth_00057.png 518.8579 +/bedroom_0106/rgb_00058.jpg /bedroom_0106/sync_depth_00058.png 518.8579 +/living_room_0010/rgb_00131.jpg /living_room_0010/sync_depth_00131.png 518.8579 +/bookstore_0001d/rgb_00010.jpg /bookstore_0001d/sync_depth_00010.png 518.8579 +/bedroom_0050/rgb_00158.jpg /bedroom_0050/sync_depth_00158.png 518.8579 +/furniture_store_0002a/rgb_00383.jpg /furniture_store_0002a/sync_depth_00383.png 518.8579 +/bedroom_0051/rgb_00008.jpg /bedroom_0051/sync_depth_00008.png 518.8579 +/dining_room_0019/rgb_00049.jpg /dining_room_0019/sync_depth_00049.png 518.8579 +/living_room_0011/rgb_00070.jpg /living_room_0011/sync_depth_00070.png 518.8579 +/kitchen_0053/rgb_00109.jpg /kitchen_0053/sync_depth_00109.png 518.8579 +/playroom_0003/rgb_00063.jpg /playroom_0003/sync_depth_00063.png 518.8579 +/bathroom_0013/rgb_00000.jpg /bathroom_0013/sync_depth_00000.png 518.8579 +/bedroom_0045/rgb_00008.jpg /bedroom_0045/sync_depth_00008.png 518.8579 +/dining_room_0013/rgb_00091.jpg /dining_room_0013/sync_depth_00091.png 518.8579 +/bedroom_0060/rgb_00034.jpg /bedroom_0060/sync_depth_00034.png 518.8579 +/bedroom_0106/rgb_00067.jpg /bedroom_0106/sync_depth_00067.png 518.8579 +/living_room_0022/rgb_00098.jpg /living_room_0022/sync_depth_00098.png 518.8579 +/living_room_0058/rgb_00080.jpg /living_room_0058/sync_depth_00080.png 518.8579 +/kitchen_0051/rgb_00147.jpg /kitchen_0051/sync_depth_00147.png 518.8579 +/bedroom_0076a/rgb_00239.jpg /bedroom_0076a/sync_depth_00239.png 518.8579 +/dining_room_0029/rgb_00120.jpg /dining_room_0029/sync_depth_00120.png 518.8579 +/living_room_0019/rgb_00045.jpg /living_room_0019/sync_depth_00045.png 518.8579 +/kitchen_0051/rgb_00074.jpg /kitchen_0051/sync_depth_00074.png 518.8579 +/bathroom_0030/rgb_00040.jpg /bathroom_0030/sync_depth_00040.png 518.8579 +/living_room_0050/rgb_00211.jpg /living_room_0050/sync_depth_00211.png 518.8579 +/kitchen_0053/rgb_00136.jpg /kitchen_0053/sync_depth_00136.png 518.8579 +/bathroom_0028/rgb_00098.jpg /bathroom_0028/sync_depth_00098.png 518.8579 +/bedroom_0051/rgb_00164.jpg /bedroom_0051/sync_depth_00164.png 518.8579 +/bathroom_0014a/rgb_00060.jpg /bathroom_0014a/sync_depth_00060.png 518.8579 +/bedroom_0132/rgb_00019.jpg /bedroom_0132/sync_depth_00019.png 518.8579 +/bedroom_0074/rgb_00000.jpg /bedroom_0074/sync_depth_00000.png 518.8579 +/living_room_0040/rgb_00112.jpg /living_room_0040/sync_depth_00112.png 518.8579 +/playroom_0004/rgb_00046.jpg /playroom_0004/sync_depth_00046.png 518.8579 +/study_0003/rgb_00049.jpg /study_0003/sync_depth_00049.png 518.8579 +/dining_room_0031/rgb_00109.jpg /dining_room_0031/sync_depth_00109.png 518.8579 +/conference_room_0001/rgb_00028.jpg /conference_room_0001/sync_depth_00028.png 518.8579 +/living_room_0022/rgb_00314.jpg /living_room_0022/sync_depth_00314.png 518.8579 +/kitchen_0028a/rgb_00204.jpg /kitchen_0028a/sync_depth_00204.png 518.8579 +/bedroom_0025/rgb_00080.jpg /bedroom_0025/sync_depth_00080.png 518.8579 +/classroom_0022/rgb_00025.jpg /classroom_0022/sync_depth_00025.png 518.8579 +/dining_room_0001b/rgb_00120.jpg /dining_room_0001b/sync_depth_00120.png 518.8579 +/bookstore_0001f/rgb_00112.jpg /bookstore_0001f/sync_depth_00112.png 518.8579 +/kitchen_0051/rgb_00107.jpg /kitchen_0051/sync_depth_00107.png 518.8579 +/laundry_room_0001/rgb_00038.jpg /laundry_room_0001/sync_depth_00038.png 518.8579 +/study_room_0005a/rgb_00037.jpg /study_room_0005a/sync_depth_00037.png 518.8579 +/dining_room_0012/rgb_00116.jpg /dining_room_0012/sync_depth_00116.png 518.8579 +/living_room_0042a/rgb_00011.jpg /living_room_0042a/sync_depth_00011.png 518.8579 +/classroom_0022/rgb_00118.jpg /classroom_0022/sync_depth_00118.png 518.8579 +/bedroom_0126/rgb_00025.jpg /bedroom_0126/sync_depth_00025.png 518.8579 +/nyu_office_0/rgb_00414.jpg /nyu_office_0/sync_depth_00414.png 518.8579 +/bathroom_0016/rgb_00014.jpg /bathroom_0016/sync_depth_00014.png 518.8579 +/nyu_office_0/rgb_00176.jpg /nyu_office_0/sync_depth_00176.png 518.8579 +/excercise_room_0001/rgb_00094.jpg /excercise_room_0001/sync_depth_00094.png 518.8579 +/furniture_store_0002b/rgb_00213.jpg /furniture_store_0002b/sync_depth_00213.png 518.8579 +/study_room_0004/rgb_00184.jpg /study_room_0004/sync_depth_00184.png 518.8579 +/living_room_0068/rgb_00034.jpg /living_room_0068/sync_depth_00034.png 518.8579 +/kitchen_0048/rgb_00001.jpg /kitchen_0048/sync_depth_00001.png 518.8579 +/dining_room_0012/rgb_00214.jpg /dining_room_0012/sync_depth_00214.png 518.8579 +/dining_room_0007/rgb_00114.jpg /dining_room_0007/sync_depth_00114.png 518.8579 +/furniture_store_0001d/rgb_00181.jpg /furniture_store_0001d/sync_depth_00181.png 518.8579 +/dining_room_0010/rgb_00072.jpg /dining_room_0010/sync_depth_00072.png 518.8579 +/office_0006/rgb_00131.jpg /office_0006/sync_depth_00131.png 518.8579 +/dining_room_0037/rgb_00014.jpg /dining_room_0037/sync_depth_00014.png 518.8579 +/office_0011/rgb_00038.jpg /office_0011/sync_depth_00038.png 518.8579 +/bookstore_0001h/rgb_00090.jpg /bookstore_0001h/sync_depth_00090.png 518.8579 +/dining_room_0015/rgb_00243.jpg /dining_room_0015/sync_depth_00243.png 518.8579 +/kitchen_0051/rgb_00302.jpg /kitchen_0051/sync_depth_00302.png 518.8579 +/home_office_0005/rgb_00078.jpg /home_office_0005/sync_depth_00078.png 518.8579 +/computer_lab_0002/rgb_00035.jpg /computer_lab_0002/sync_depth_00035.png 518.8579 +/bookstore_0001j/rgb_00054.jpg /bookstore_0001j/sync_depth_00054.png 518.8579 +/bedroom_0053/rgb_00038.jpg /bedroom_0053/sync_depth_00038.png 518.8579 +/bedroom_0078/rgb_00036.jpg /bedroom_0078/sync_depth_00036.png 518.8579 +/dining_room_0019/rgb_00128.jpg /dining_room_0019/sync_depth_00128.png 518.8579 +/dining_room_0007/rgb_00091.jpg /dining_room_0007/sync_depth_00091.png 518.8579 +/basement_0001b/rgb_00008.jpg /basement_0001b/sync_depth_00008.png 518.8579 +/kitchen_0045a/rgb_00176.jpg /kitchen_0045a/sync_depth_00176.png 518.8579 +/kitchen_0031/rgb_00009.jpg /kitchen_0031/sync_depth_00009.png 518.8579 +/bookstore_0001e/rgb_00136.jpg /bookstore_0001e/sync_depth_00136.png 518.8579 +/bedroom_0039/rgb_00010.jpg /bedroom_0039/sync_depth_00010.png 518.8579 +/bedroom_0130/rgb_00000.jpg /bedroom_0130/sync_depth_00000.png 518.8579 +/bookstore_0001i/rgb_00053.jpg /bookstore_0001i/sync_depth_00053.png 518.8579 +/kitchen_0035b/rgb_00126.jpg /kitchen_0035b/sync_depth_00126.png 518.8579 +/bathroom_0007/rgb_00032.jpg /bathroom_0007/sync_depth_00032.png 518.8579 +/living_room_0067/rgb_00081.jpg /living_room_0067/sync_depth_00081.png 518.8579 +/bathroom_0019/rgb_00049.jpg /bathroom_0019/sync_depth_00049.png 518.8579 +/bedroom_0021/rgb_00080.jpg /bedroom_0021/sync_depth_00080.png 518.8579 +/living_room_0063/rgb_00174.jpg /living_room_0063/sync_depth_00174.png 518.8579 +/home_office_0004/rgb_00144.jpg /home_office_0004/sync_depth_00144.png 518.8579 +/living_room_0058/rgb_00081.jpg /living_room_0058/sync_depth_00081.png 518.8579 +/bookstore_0001g/rgb_00076.jpg /bookstore_0001g/sync_depth_00076.png 518.8579 +/bedroom_0053/rgb_00064.jpg /bedroom_0053/sync_depth_00064.png 518.8579 +/dining_room_0001b/rgb_00188.jpg /dining_room_0001b/sync_depth_00188.png 518.8579 +/basement_0001a/rgb_00070.jpg /basement_0001a/sync_depth_00070.png 518.8579 +/living_room_0070/rgb_00099.jpg /living_room_0070/sync_depth_00099.png 518.8579 +/furniture_store_0002a/rgb_00070.jpg /furniture_store_0002a/sync_depth_00070.png 518.8579 +/bedroom_0059/rgb_00061.jpg /bedroom_0059/sync_depth_00061.png 518.8579 +/living_room_0039/rgb_00130.jpg /living_room_0039/sync_depth_00130.png 518.8579 +/bookstore_0001h/rgb_00035.jpg /bookstore_0001h/sync_depth_00035.png 518.8579 +/dining_room_0012/rgb_00202.jpg /dining_room_0012/sync_depth_00202.png 518.8579 +/bathroom_0028/rgb_00075.jpg /bathroom_0028/sync_depth_00075.png 518.8579 +/bedroom_0097/rgb_00032.jpg /bedroom_0097/sync_depth_00032.png 518.8579 +/living_room_0011/rgb_00115.jpg /living_room_0011/sync_depth_00115.png 518.8579 +/kitchen_0019a/rgb_00118.jpg /kitchen_0019a/sync_depth_00118.png 518.8579 +/kitchen_0003/rgb_00086.jpg /kitchen_0003/sync_depth_00086.png 518.8579 +/living_room_0029/rgb_00077.jpg /living_room_0029/sync_depth_00077.png 518.8579 +/bathroom_0028/rgb_00142.jpg /bathroom_0028/sync_depth_00142.png 518.8579 +/kitchen_0028a/rgb_00201.jpg /kitchen_0028a/sync_depth_00201.png 518.8579 +/living_room_0046b/rgb_00080.jpg /living_room_0046b/sync_depth_00080.png 518.8579 +/furniture_store_0001f/rgb_00017.jpg /furniture_store_0001f/sync_depth_00017.png 518.8579 +/playroom_0003/rgb_00047.jpg /playroom_0003/sync_depth_00047.png 518.8579 +/bedroom_0062/rgb_00022.jpg /bedroom_0062/sync_depth_00022.png 518.8579 +/kitchen_0043/rgb_00031.jpg /kitchen_0043/sync_depth_00031.png 518.8579 +/dining_room_0031/rgb_00087.jpg /dining_room_0031/sync_depth_00087.png 518.8579 +/dining_room_0004/rgb_00076.jpg /dining_room_0004/sync_depth_00076.png 518.8579 +/kitchen_0029c/rgb_00005.jpg /kitchen_0029c/sync_depth_00005.png 518.8579 +/furniture_store_0002b/rgb_00158.jpg /furniture_store_0002b/sync_depth_00158.png 518.8579 +/office_0012/rgb_00022.jpg /office_0012/sync_depth_00022.png 518.8579 +/bathroom_0014a/rgb_00076.jpg /bathroom_0014a/sync_depth_00076.png 518.8579 +/dining_room_0024/rgb_00099.jpg /dining_room_0024/sync_depth_00099.png 518.8579 +/excercise_room_0001/rgb_00103.jpg /excercise_room_0001/sync_depth_00103.png 518.8579 +/bedroom_0079/rgb_00025.jpg /bedroom_0079/sync_depth_00025.png 518.8579 +/kitchen_0043/rgb_00209.jpg /kitchen_0043/sync_depth_00209.png 518.8579 +/bedroom_0104/rgb_00061.jpg /bedroom_0104/sync_depth_00061.png 518.8579 +/bedroom_0132/rgb_00013.jpg /bedroom_0132/sync_depth_00013.png 518.8579 +/dining_room_0007/rgb_00093.jpg /dining_room_0007/sync_depth_00093.png 518.8579 +/playroom_0003/rgb_00150.jpg /playroom_0003/sync_depth_00150.png 518.8579 +/furniture_store_0001b/rgb_00089.jpg /furniture_store_0001b/sync_depth_00089.png 518.8579 +/kitchen_0029b/rgb_00062.jpg /kitchen_0029b/sync_depth_00062.png 518.8579 +/dinette_0001/rgb_00040.jpg /dinette_0001/sync_depth_00040.png 518.8579 +/nyu_office_0/rgb_00261.jpg /nyu_office_0/sync_depth_00261.png 518.8579 +/kitchen_0035b/rgb_00165.jpg /kitchen_0035b/sync_depth_00165.png 518.8579 +/living_room_0047b/rgb_00076.jpg /living_room_0047b/sync_depth_00076.png 518.8579 +/bathroom_0033/rgb_00060.jpg /bathroom_0033/sync_depth_00060.png 518.8579 +/bedroom_0041/rgb_00018.jpg /bedroom_0041/sync_depth_00018.png 518.8579 +/living_room_0071/rgb_00001.jpg /living_room_0071/sync_depth_00001.png 518.8579 +/excercise_room_0001/rgb_00090.jpg /excercise_room_0001/sync_depth_00090.png 518.8579 +/kitchen_0010/rgb_00093.jpg /kitchen_0010/sync_depth_00093.png 518.8579 +/office_0024/rgb_00062.jpg /office_0024/sync_depth_00062.png 518.8579 +/bookstore_0001g/rgb_00198.jpg /bookstore_0001g/sync_depth_00198.png 518.8579 +/bedroom_0124/rgb_00036.jpg /bedroom_0124/sync_depth_00036.png 518.8579 +/furniture_store_0002b/rgb_00015.jpg /furniture_store_0002b/sync_depth_00015.png 518.8579 +/reception_room_0001b/rgb_00039.jpg /reception_room_0001b/sync_depth_00039.png 518.8579 +/office_0011/rgb_00121.jpg /office_0011/sync_depth_00121.png 518.8579 +/dining_room_0034/rgb_00072.jpg /dining_room_0034/sync_depth_00072.png 518.8579 +/bookstore_0001d/rgb_00324.jpg /bookstore_0001d/sync_depth_00324.png 518.8579 +/kitchen_0003/rgb_00160.jpg /kitchen_0003/sync_depth_00160.png 518.8579 +/kitchen_0035b/rgb_00134.jpg /kitchen_0035b/sync_depth_00134.png 518.8579 +/cafe_0001a/rgb_00088.jpg /cafe_0001a/sync_depth_00088.png 518.8579 +/living_room_0055/rgb_00055.jpg /living_room_0055/sync_depth_00055.png 518.8579 +/bedroom_0052/rgb_00022.jpg /bedroom_0052/sync_depth_00022.png 518.8579 +/kitchen_0028b/rgb_00031.jpg /kitchen_0028b/sync_depth_00031.png 518.8579 +/living_room_0050/rgb_00159.jpg /living_room_0050/sync_depth_00159.png 518.8579 +/kitchen_0028a/rgb_00090.jpg /kitchen_0028a/sync_depth_00090.png 518.8579 +/dining_room_0015/rgb_00230.jpg /dining_room_0015/sync_depth_00230.png 518.8579 +/bookstore_0001g/rgb_00062.jpg /bookstore_0001g/sync_depth_00062.png 518.8579 +/kitchen_0016/rgb_00113.jpg /kitchen_0016/sync_depth_00113.png 518.8579 +/bathroom_0011/rgb_00021.jpg /bathroom_0011/sync_depth_00021.png 518.8579 +/bedroom_0060/rgb_00056.jpg /bedroom_0060/sync_depth_00056.png 518.8579 +/kitchen_0053/rgb_00220.jpg /kitchen_0053/sync_depth_00220.png 518.8579 +/playroom_0003/rgb_00013.jpg /playroom_0003/sync_depth_00013.png 518.8579 +/bedroom_0079/rgb_00028.jpg /bedroom_0079/sync_depth_00028.png 518.8579 +/furniture_store_0002a/rgb_00107.jpg /furniture_store_0002a/sync_depth_00107.png 518.8579 +/furniture_store_0002b/rgb_00021.jpg /furniture_store_0002b/sync_depth_00021.png 518.8579 +/study_room_0004/rgb_00191.jpg /study_room_0004/sync_depth_00191.png 518.8579 +/bookstore_0001d/rgb_00094.jpg /bookstore_0001d/sync_depth_00094.png 518.8579 +/home_storage_0001/rgb_00074.jpg /home_storage_0001/sync_depth_00074.png 518.8579 +/nyu_office_1/rgb_00047.jpg /nyu_office_1/sync_depth_00047.png 518.8579 +/playroom_0006/rgb_00151.jpg /playroom_0006/sync_depth_00151.png 518.8579 +/kitchen_0060/rgb_00178.jpg /kitchen_0060/sync_depth_00178.png 518.8579 +/bedroom_0059/rgb_00008.jpg /bedroom_0059/sync_depth_00008.png 518.8579 +/dining_room_0037/rgb_00147.jpg /dining_room_0037/sync_depth_00147.png 518.8579 +/bedroom_0038/rgb_00005.jpg /bedroom_0038/sync_depth_00005.png 518.8579 +/cafe_0001b/rgb_00036.jpg /cafe_0001b/sync_depth_00036.png 518.8579 +/living_room_0085/rgb_00042.jpg /living_room_0085/sync_depth_00042.png 518.8579 +/kitchen_0031/rgb_00029.jpg /kitchen_0031/sync_depth_00029.png 518.8579 +/bedroom_0051/rgb_00077.jpg /bedroom_0051/sync_depth_00077.png 518.8579 +/living_room_0020/rgb_00228.jpg /living_room_0020/sync_depth_00228.png 518.8579 +/bathroom_0019/rgb_00010.jpg /bathroom_0019/sync_depth_00010.png 518.8579 +/bedroom_0050/rgb_00147.jpg /bedroom_0050/sync_depth_00147.png 518.8579 +/kitchen_0031/rgb_00089.jpg /kitchen_0031/sync_depth_00089.png 518.8579 +/dining_room_0004/rgb_00010.jpg /dining_room_0004/sync_depth_00010.png 518.8579 +/living_room_0067/rgb_00023.jpg /living_room_0067/sync_depth_00023.png 518.8579 +/basement_0001a/rgb_00128.jpg /basement_0001a/sync_depth_00128.png 518.8579 +/kitchen_0043/rgb_00022.jpg /kitchen_0043/sync_depth_00022.png 518.8579 +/bathroom_0039/rgb_00033.jpg /bathroom_0039/sync_depth_00033.png 518.8579 +/excercise_room_0001/rgb_00122.jpg /excercise_room_0001/sync_depth_00122.png 518.8579 +/classroom_0003/rgb_00105.jpg /classroom_0003/sync_depth_00105.png 518.8579 +/furniture_store_0001e/rgb_00076.jpg /furniture_store_0001e/sync_depth_00076.png 518.8579 +/conference_room_0002/rgb_00018.jpg /conference_room_0002/sync_depth_00018.png 518.8579 +/living_room_0010/rgb_00151.jpg /living_room_0010/sync_depth_00151.png 518.8579 +/bedroom_0074/rgb_00081.jpg /bedroom_0074/sync_depth_00081.png 518.8579 +/living_room_0005/rgb_00073.jpg /living_room_0005/sync_depth_00073.png 518.8579 +/reception_room_0004/rgb_00087.jpg /reception_room_0004/sync_depth_00087.png 518.8579 +/kitchen_0017/rgb_00040.jpg /kitchen_0017/sync_depth_00040.png 518.8579 +/dining_room_0037/rgb_00139.jpg /dining_room_0037/sync_depth_00139.png 518.8579 +/dining_room_0004/rgb_00107.jpg /dining_room_0004/sync_depth_00107.png 518.8579 +/dining_room_0008/rgb_00137.jpg /dining_room_0008/sync_depth_00137.png 518.8579 +/furniture_store_0002a/rgb_00366.jpg /furniture_store_0002a/sync_depth_00366.png 518.8579 +/bookstore_0001d/rgb_00161.jpg /bookstore_0001d/sync_depth_00161.png 518.8579 +/bedroom_0138/rgb_00053.jpg /bedroom_0138/sync_depth_00053.png 518.8579 +/kitchen_0048/rgb_00198.jpg /kitchen_0048/sync_depth_00198.png 518.8579 +/living_room_0011/rgb_00030.jpg /living_room_0011/sync_depth_00030.png 518.8579 +/bathroom_0014a/rgb_00069.jpg /bathroom_0014a/sync_depth_00069.png 518.8579 +/living_room_0033/rgb_00050.jpg /living_room_0033/sync_depth_00050.png 518.8579 +/living_room_0062/rgb_00186.jpg /living_room_0062/sync_depth_00186.png 518.8579 +/foyer_0002/rgb_00031.jpg /foyer_0002/sync_depth_00031.png 518.8579 +/dining_room_0013/rgb_00067.jpg /dining_room_0013/sync_depth_00067.png 518.8579 +/bookstore_0001g/rgb_00238.jpg /bookstore_0001g/sync_depth_00238.png 518.8579 +/bedroom_0072/rgb_00013.jpg /bedroom_0072/sync_depth_00013.png 518.8579 +/bathroom_0023/rgb_00005.jpg /bathroom_0023/sync_depth_00005.png 518.8579 +/bedroom_0015/rgb_00001.jpg /bedroom_0015/sync_depth_00001.png 518.8579 +/kitchen_0028b/rgb_00000.jpg /kitchen_0028b/sync_depth_00000.png 518.8579 +/bookstore_0001d/rgb_00340.jpg /bookstore_0001d/sync_depth_00340.png 518.8579 +/dining_room_0008/rgb_00043.jpg /dining_room_0008/sync_depth_00043.png 518.8579 +/student_lounge_0001/rgb_00074.jpg /student_lounge_0001/sync_depth_00074.png 518.8579 +/classroom_0018/rgb_00028.jpg /classroom_0018/sync_depth_00028.png 518.8579 +/dining_room_0033/rgb_00057.jpg /dining_room_0033/sync_depth_00057.png 518.8579 +/bedroom_0010/rgb_00054.jpg /bedroom_0010/sync_depth_00054.png 518.8579 +/office_kitchen_0003/rgb_00112.jpg /office_kitchen_0003/sync_depth_00112.png 518.8579 +/dining_room_0031/rgb_00080.jpg /dining_room_0031/sync_depth_00080.png 518.8579 +/furniture_store_0002c/rgb_00000.jpg /furniture_store_0002c/sync_depth_00000.png 518.8579 +/living_room_0035/rgb_00004.jpg /living_room_0035/sync_depth_00004.png 518.8579 +/furniture_store_0002a/rgb_00158.jpg /furniture_store_0002a/sync_depth_00158.png 518.8579 +/living_room_0020/rgb_00234.jpg /living_room_0020/sync_depth_00234.png 518.8579 +/kitchen_0029b/rgb_00061.jpg /kitchen_0029b/sync_depth_00061.png 518.8579 +/bathroom_0057/rgb_00026.jpg /bathroom_0057/sync_depth_00026.png 518.8579 +/reception_room_0001b/rgb_00103.jpg /reception_room_0001b/sync_depth_00103.png 518.8579 +/kitchen_0045a/rgb_00153.jpg /kitchen_0045a/sync_depth_00153.png 518.8579 +/basement_0001a/rgb_00047.jpg /basement_0001a/sync_depth_00047.png 518.8579 +/living_room_0050/rgb_00047.jpg /living_room_0050/sync_depth_00047.png 518.8579 +/living_room_0078/rgb_00050.jpg /living_room_0078/sync_depth_00050.png 518.8579 +/bedroom_0097/rgb_00014.jpg /bedroom_0097/sync_depth_00014.png 518.8579 +/living_room_0018/rgb_00181.jpg /living_room_0018/sync_depth_00181.png 518.8579 +/dinette_0001/rgb_00076.jpg /dinette_0001/sync_depth_00076.png 518.8579 +/bedroom_0004/rgb_00012.jpg /bedroom_0004/sync_depth_00012.png 518.8579 +/kitchen_0051/rgb_00341.jpg /kitchen_0051/sync_depth_00341.png 518.8579 +/dining_room_0013/rgb_00149.jpg /dining_room_0013/sync_depth_00149.png 518.8579 +/bedroom_0051/rgb_00128.jpg /bedroom_0051/sync_depth_00128.png 518.8579 +/home_office_0006/rgb_00113.jpg /home_office_0006/sync_depth_00113.png 518.8579 +/dining_room_0033/rgb_00137.jpg /dining_room_0033/sync_depth_00137.png 518.8579 +/bookstore_0001g/rgb_00110.jpg /bookstore_0001g/sync_depth_00110.png 518.8579 +/bedroom_0052/rgb_00071.jpg /bedroom_0052/sync_depth_00071.png 518.8579 +/furniture_store_0001e/rgb_00031.jpg /furniture_store_0001e/sync_depth_00031.png 518.8579 +/bedroom_0062/rgb_00035.jpg /bedroom_0062/sync_depth_00035.png 518.8579 +/dining_room_0007/rgb_00218.jpg /dining_room_0007/sync_depth_00218.png 518.8579 +/bedroom_0067b/rgb_00006.jpg /bedroom_0067b/sync_depth_00006.png 518.8579 +/kitchen_0053/rgb_00151.jpg /kitchen_0053/sync_depth_00151.png 518.8579 +/office_0019/rgb_00012.jpg /office_0019/sync_depth_00012.png 518.8579 +/classroom_0012/rgb_00047.jpg /classroom_0012/sync_depth_00047.png 518.8579 +/living_room_0033/rgb_00069.jpg /living_room_0033/sync_depth_00069.png 518.8579 +/living_room_0010/rgb_00197.jpg /living_room_0010/sync_depth_00197.png 518.8579 +/bookstore_0001d/rgb_00141.jpg /bookstore_0001d/sync_depth_00141.png 518.8579 +/student_lounge_0001/rgb_00154.jpg /student_lounge_0001/sync_depth_00154.png 518.8579 +/kitchen_0019b/rgb_00016.jpg /kitchen_0019b/sync_depth_00016.png 518.8579 +/living_room_0038/rgb_00103.jpg /living_room_0038/sync_depth_00103.png 518.8579 +/living_room_0070/rgb_00056.jpg /living_room_0070/sync_depth_00056.png 518.8579 +/living_room_0067/rgb_00084.jpg /living_room_0067/sync_depth_00084.png 518.8579 +/bedroom_0033/rgb_00051.jpg /bedroom_0033/sync_depth_00051.png 518.8579 +/office_0006/rgb_00005.jpg /office_0006/sync_depth_00005.png 518.8579 +/bedroom_0125a/rgb_00020.jpg /bedroom_0125a/sync_depth_00020.png 518.8579 +/living_room_0012/rgb_00108.jpg /living_room_0012/sync_depth_00108.png 518.8579 +/bookstore_0001g/rgb_00006.jpg /bookstore_0001g/sync_depth_00006.png 518.8579 +/kitchen_0047/rgb_00141.jpg /kitchen_0047/sync_depth_00141.png 518.8579 +/bedroom_0047/rgb_00020.jpg /bedroom_0047/sync_depth_00020.png 518.8579 +/kitchen_0060/rgb_00020.jpg /kitchen_0060/sync_depth_00020.png 518.8579 +/bookstore_0001e/rgb_00170.jpg /bookstore_0001e/sync_depth_00170.png 518.8579 +/kitchen_0016/rgb_00021.jpg /kitchen_0016/sync_depth_00021.png 518.8579 +/furniture_store_0002a/rgb_00166.jpg /furniture_store_0002a/sync_depth_00166.png 518.8579 +/living_room_0062/rgb_00091.jpg /living_room_0062/sync_depth_00091.png 518.8579 +/dining_room_0031/rgb_00184.jpg /dining_room_0031/sync_depth_00184.png 518.8579 +/bedroom_0004/rgb_00089.jpg /bedroom_0004/sync_depth_00089.png 518.8579 +/bathroom_0001/rgb_00017.jpg /bathroom_0001/sync_depth_00017.png 518.8579 +/bookstore_0001j/rgb_00050.jpg /bookstore_0001j/sync_depth_00050.png 518.8579 +/office_0012/rgb_00064.jpg /office_0012/sync_depth_00064.png 518.8579 +/kitchen_0037/rgb_00060.jpg /kitchen_0037/sync_depth_00060.png 518.8579 +/living_room_0068/rgb_00068.jpg /living_room_0068/sync_depth_00068.png 518.8579 +/bedroom_0138/rgb_00096.jpg /bedroom_0138/sync_depth_00096.png 518.8579 +/living_room_0063/rgb_00063.jpg /living_room_0063/sync_depth_00063.png 518.8579 +/bedroom_0063/rgb_00045.jpg /bedroom_0063/sync_depth_00045.png 518.8579 +/bedroom_0076a/rgb_00251.jpg /bedroom_0076a/sync_depth_00251.png 518.8579 +/bookstore_0001f/rgb_00406.jpg /bookstore_0001f/sync_depth_00406.png 518.8579 +/bathroom_0024/rgb_00039.jpg /bathroom_0024/sync_depth_00039.png 518.8579 +/furniture_store_0002c/rgb_00006.jpg /furniture_store_0002c/sync_depth_00006.png 518.8579 +/living_room_0010/rgb_00103.jpg /living_room_0010/sync_depth_00103.png 518.8579 +/classroom_0022/rgb_00077.jpg /classroom_0022/sync_depth_00077.png 518.8579 +/living_room_0035/rgb_00071.jpg /living_room_0035/sync_depth_00071.png 518.8579 +/bedroom_0065/rgb_00017.jpg /bedroom_0065/sync_depth_00017.png 518.8579 +/bookstore_0001g/rgb_00156.jpg /bookstore_0001g/sync_depth_00156.png 518.8579 +/bookstore_0001i/rgb_00167.jpg /bookstore_0001i/sync_depth_00167.png 518.8579 +/kitchen_0060/rgb_00039.jpg /kitchen_0060/sync_depth_00039.png 518.8579 +/office_0011/rgb_00016.jpg /office_0011/sync_depth_00016.png 518.8579 +/excercise_room_0001/rgb_00030.jpg /excercise_room_0001/sync_depth_00030.png 518.8579 +/bedroom_0052/rgb_00019.jpg /bedroom_0052/sync_depth_00019.png 518.8579 +/reception_room_0004/rgb_00074.jpg /reception_room_0004/sync_depth_00074.png 518.8579 +/kitchen_0019a/rgb_00083.jpg /kitchen_0019a/sync_depth_00083.png 518.8579 +/conference_room_0001/rgb_00136.jpg /conference_room_0001/sync_depth_00136.png 518.8579 +/bathroom_0013/rgb_00026.jpg /bathroom_0013/sync_depth_00026.png 518.8579 +/kitchen_0049/rgb_00063.jpg /kitchen_0049/sync_depth_00063.png 518.8579 +/bedroom_0069/rgb_00045.jpg /bedroom_0069/sync_depth_00045.png 518.8579 +/furniture_store_0002b/rgb_00202.jpg /furniture_store_0002b/sync_depth_00202.png 518.8579 +/bookstore_0001d/rgb_00268.jpg /bookstore_0001d/sync_depth_00268.png 518.8579 +/classroom_0006/rgb_00086.jpg /classroom_0006/sync_depth_00086.png 518.8579 +/bedroom_0050/rgb_00124.jpg /bedroom_0050/sync_depth_00124.png 518.8579 +/dining_room_0031/rgb_00096.jpg /dining_room_0031/sync_depth_00096.png 518.8579 +/bathroom_0045a/rgb_00032.jpg /bathroom_0045a/sync_depth_00032.png 518.8579 +/kitchen_0051/rgb_00163.jpg /kitchen_0051/sync_depth_00163.png 518.8579 +/classroom_0006/rgb_00186.jpg /classroom_0006/sync_depth_00186.png 518.8579 +/furniture_store_0001c/rgb_00033.jpg /furniture_store_0001c/sync_depth_00033.png 518.8579 +/bedroom_0057/rgb_00040.jpg /bedroom_0057/sync_depth_00040.png 518.8579 +/bedroom_0126/rgb_00053.jpg /bedroom_0126/sync_depth_00053.png 518.8579 +/bookstore_0001e/rgb_00051.jpg /bookstore_0001e/sync_depth_00051.png 518.8579 +/living_room_0058/rgb_00066.jpg /living_room_0058/sync_depth_00066.png 518.8579 +/home_office_0005/rgb_00140.jpg /home_office_0005/sync_depth_00140.png 518.8579 +/bedroom_0004/rgb_00028.jpg /bedroom_0004/sync_depth_00028.png 518.8579 +/student_lounge_0001/rgb_00163.jpg /student_lounge_0001/sync_depth_00163.png 518.8579 +/living_room_0063/rgb_00069.jpg /living_room_0063/sync_depth_00069.png 518.8579 +/playroom_0003/rgb_00146.jpg /playroom_0003/sync_depth_00146.png 518.8579 +/living_room_0078/rgb_00047.jpg /living_room_0078/sync_depth_00047.png 518.8579 +/student_lounge_0001/rgb_00166.jpg /student_lounge_0001/sync_depth_00166.png 518.8579 +/dining_room_0001b/rgb_00047.jpg /dining_room_0001b/sync_depth_00047.png 518.8579 +/playroom_0003/rgb_00019.jpg /playroom_0003/sync_depth_00019.png 518.8579 +/indoor_balcony_0001/rgb_00042.jpg /indoor_balcony_0001/sync_depth_00042.png 518.8579 +/dining_room_0031/rgb_00187.jpg /dining_room_0031/sync_depth_00187.png 518.8579 +/living_room_0022/rgb_00123.jpg /living_room_0022/sync_depth_00123.png 518.8579 +/bedroom_0033/rgb_00095.jpg /bedroom_0033/sync_depth_00095.png 518.8579 +/bookstore_0001e/rgb_00177.jpg /bookstore_0001e/sync_depth_00177.png 518.8579 +/dinette_0001/rgb_00054.jpg /dinette_0001/sync_depth_00054.png 518.8579 +/living_room_0011/rgb_00116.jpg /living_room_0011/sync_depth_00116.png 518.8579 +/kitchen_0016/rgb_00122.jpg /kitchen_0016/sync_depth_00122.png 518.8579 +/bedroom_0010/rgb_00091.jpg /bedroom_0010/sync_depth_00091.png 518.8579 +/kitchen_0028a/rgb_00006.jpg /kitchen_0028a/sync_depth_00006.png 518.8579 +/kitchen_0031/rgb_00165.jpg /kitchen_0031/sync_depth_00165.png 518.8579 +/living_room_0022/rgb_00406.jpg /living_room_0022/sync_depth_00406.png 518.8579 +/nyu_office_0/rgb_00025.jpg /nyu_office_0/sync_depth_00025.png 518.8579 +/dining_room_0037/rgb_00119.jpg /dining_room_0037/sync_depth_00119.png 518.8579 +/playroom_0002/rgb_00047.jpg /playroom_0002/sync_depth_00047.png 518.8579 +/kitchen_0029c/rgb_00057.jpg /kitchen_0029c/sync_depth_00057.png 518.8579 +/bathroom_0041/rgb_00028.jpg /bathroom_0041/sync_depth_00028.png 518.8579 +/kitchen_0052/rgb_00068.jpg /kitchen_0052/sync_depth_00068.png 518.8579 +/bedroom_0082/rgb_00023.jpg /bedroom_0082/sync_depth_00023.png 518.8579 +/living_room_0019/rgb_00008.jpg /living_room_0019/sync_depth_00008.png 518.8579 +/kitchen_0060/rgb_00005.jpg /kitchen_0060/sync_depth_00005.png 518.8579 +/kitchen_0043/rgb_00162.jpg /kitchen_0043/sync_depth_00162.png 518.8579 +/bedroom_0063/rgb_00127.jpg /bedroom_0063/sync_depth_00127.png 518.8579 +/dining_room_0031/rgb_00206.jpg /dining_room_0031/sync_depth_00206.png 518.8579 +/bedroom_0071/rgb_00098.jpg /bedroom_0071/sync_depth_00098.png 518.8579 +/kitchen_0048/rgb_00173.jpg /kitchen_0048/sync_depth_00173.png 518.8579 +/kitchen_0043/rgb_00251.jpg /kitchen_0043/sync_depth_00251.png 518.8579 +/living_room_0012/rgb_00140.jpg /living_room_0012/sync_depth_00140.png 518.8579 +/bookstore_0001d/rgb_00013.jpg /bookstore_0001d/sync_depth_00013.png 518.8579 +/furniture_store_0002b/rgb_00014.jpg /furniture_store_0002b/sync_depth_00014.png 518.8579 +/bedroom_0113/rgb_00076.jpg /bedroom_0113/sync_depth_00076.png 518.8579 +/bedroom_0097/rgb_00055.jpg /bedroom_0097/sync_depth_00055.png 518.8579 +/study_room_0005a/rgb_00044.jpg /study_room_0005a/sync_depth_00044.png 518.8579 +/kitchen_0011b/rgb_00017.jpg /kitchen_0011b/sync_depth_00017.png 518.8579 +/reception_room_0001a/rgb_00070.jpg /reception_room_0001a/sync_depth_00070.png 518.8579 +/home_office_0006/rgb_00115.jpg /home_office_0006/sync_depth_00115.png 518.8579 +/dining_room_0028/rgb_00151.jpg /dining_room_0028/sync_depth_00151.png 518.8579 +/furniture_store_0002d/rgb_00008.jpg /furniture_store_0002d/sync_depth_00008.png 518.8579 +/living_room_0040/rgb_00325.jpg /living_room_0040/sync_depth_00325.png 518.8579 +/kitchen_0028b/rgb_00079.jpg /kitchen_0028b/sync_depth_00079.png 518.8579 +/living_room_0022/rgb_00166.jpg /living_room_0022/sync_depth_00166.png 518.8579 +/dining_room_0001b/rgb_00241.jpg /dining_room_0001b/sync_depth_00241.png 518.8579 +/dining_room_0016/rgb_00022.jpg /dining_room_0016/sync_depth_00022.png 518.8579 +/home_office_0013/rgb_00014.jpg /home_office_0013/sync_depth_00014.png 518.8579 +/bedroom_0082/rgb_00039.jpg /bedroom_0082/sync_depth_00039.png 518.8579 +/bathroom_0034/rgb_00012.jpg /bathroom_0034/sync_depth_00012.png 518.8579 +/living_room_0004/rgb_00140.jpg /living_room_0004/sync_depth_00140.png 518.8579 +/bedroom_0060/rgb_00015.jpg /bedroom_0060/sync_depth_00015.png 518.8579 +/conference_room_0002/rgb_00008.jpg /conference_room_0002/sync_depth_00008.png 518.8579 +/bookstore_0001e/rgb_00161.jpg /bookstore_0001e/sync_depth_00161.png 518.8579 +/kitchen_0031/rgb_00092.jpg /kitchen_0031/sync_depth_00092.png 518.8579 +/furniture_store_0002a/rgb_00110.jpg /furniture_store_0002a/sync_depth_00110.png 518.8579 +/living_room_0022/rgb_00304.jpg /living_room_0022/sync_depth_00304.png 518.8579 +/bedroom_0129/rgb_00025.jpg /bedroom_0129/sync_depth_00025.png 518.8579 +/bedroom_0106/rgb_00029.jpg /bedroom_0106/sync_depth_00029.png 518.8579 +/living_room_0050/rgb_00028.jpg /living_room_0050/sync_depth_00028.png 518.8579 +/bedroom_0033/rgb_00075.jpg /bedroom_0033/sync_depth_00075.png 518.8579 +/living_room_0040/rgb_00114.jpg /living_room_0040/sync_depth_00114.png 518.8579 +/living_room_0040/rgb_00061.jpg /living_room_0040/sync_depth_00061.png 518.8579 +/bathroom_0028/rgb_00027.jpg /bathroom_0028/sync_depth_00027.png 518.8579 +/study_0004/rgb_00061.jpg /study_0004/sync_depth_00061.png 518.8579 +/bathroom_0028/rgb_00052.jpg /bathroom_0028/sync_depth_00052.png 518.8579 +/living_room_0046a/rgb_00079.jpg /living_room_0046a/sync_depth_00079.png 518.8579 +/kitchen_0031/rgb_00056.jpg /kitchen_0031/sync_depth_00056.png 518.8579 +/dining_room_0015/rgb_00285.jpg /dining_room_0015/sync_depth_00285.png 518.8579 +/kitchen_0011b/rgb_00009.jpg /kitchen_0011b/sync_depth_00009.png 518.8579 +/living_room_0078/rgb_00104.jpg /living_room_0078/sync_depth_00104.png 518.8579 +/kitchen_0051/rgb_00198.jpg /kitchen_0051/sync_depth_00198.png 518.8579 +/classroom_0004/rgb_00078.jpg /classroom_0004/sync_depth_00078.png 518.8579 +/playroom_0002/rgb_00131.jpg /playroom_0002/sync_depth_00131.png 518.8579 +/dining_room_0014/rgb_00105.jpg /dining_room_0014/sync_depth_00105.png 518.8579 +/dining_room_0015/rgb_00071.jpg /dining_room_0015/sync_depth_00071.png 518.8579 +/kitchen_0051/rgb_00171.jpg /kitchen_0051/sync_depth_00171.png 518.8579 +/bedroom_0140/rgb_00101.jpg /bedroom_0140/sync_depth_00101.png 518.8579 +/bedroom_0136/rgb_00115.jpg /bedroom_0136/sync_depth_00115.png 518.8579 +/dining_room_0023/rgb_00180.jpg /dining_room_0023/sync_depth_00180.png 518.8579 +/reception_room_0001b/rgb_00012.jpg /reception_room_0001b/sync_depth_00012.png 518.8579 +/living_room_0010/rgb_00234.jpg /living_room_0010/sync_depth_00234.png 518.8579 +/dining_room_0015/rgb_00036.jpg /dining_room_0015/sync_depth_00036.png 518.8579 +/student_lounge_0001/rgb_00055.jpg /student_lounge_0001/sync_depth_00055.png 518.8579 +/living_room_0035/rgb_00023.jpg /living_room_0035/sync_depth_00023.png 518.8579 +/living_room_0050/rgb_00168.jpg /living_room_0050/sync_depth_00168.png 518.8579 +/home_office_0005/rgb_00106.jpg /home_office_0005/sync_depth_00106.png 518.8579 +/bookstore_0001f/rgb_00486.jpg /bookstore_0001f/sync_depth_00486.png 518.8579 +/study_room_0004/rgb_00082.jpg /study_room_0004/sync_depth_00082.png 518.8579 +/kitchen_0043/rgb_00011.jpg /kitchen_0043/sync_depth_00011.png 518.8579 +/dining_room_0015/rgb_00074.jpg /dining_room_0015/sync_depth_00074.png 518.8579 +/living_room_0050/rgb_00012.jpg /living_room_0050/sync_depth_00012.png 518.8579 +/bedroom_0041/rgb_00019.jpg /bedroom_0041/sync_depth_00019.png 518.8579 +/dining_room_0031/rgb_00127.jpg /dining_room_0031/sync_depth_00127.png 518.8579 +/dining_room_0008/rgb_00045.jpg /dining_room_0008/sync_depth_00045.png 518.8579 +/bedroom_0113/rgb_00034.jpg /bedroom_0113/sync_depth_00034.png 518.8579 +/kitchen_0003/rgb_00131.jpg /kitchen_0003/sync_depth_00131.png 518.8579 +/bedroom_0059/rgb_00087.jpg /bedroom_0059/sync_depth_00087.png 518.8579 +/bedroom_0051/rgb_00099.jpg /bedroom_0051/sync_depth_00099.png 518.8579 +/kitchen_0008/rgb_00010.jpg /kitchen_0008/sync_depth_00010.png 518.8579 +/bedroom_0136/rgb_00032.jpg /bedroom_0136/sync_depth_00032.png 518.8579 +/kitchen_0029b/rgb_00041.jpg /kitchen_0029b/sync_depth_00041.png 518.8579 +/bookstore_0001g/rgb_00230.jpg /bookstore_0001g/sync_depth_00230.png 518.8579 +/living_room_0067/rgb_00049.jpg /living_room_0067/sync_depth_00049.png 518.8579 +/bedroom_0096/rgb_00063.jpg /bedroom_0096/sync_depth_00063.png 518.8579 +/dining_room_0028/rgb_00088.jpg /dining_room_0028/sync_depth_00088.png 518.8579 +/kitchen_0031/rgb_00048.jpg /kitchen_0031/sync_depth_00048.png 518.8579 +/living_room_0086a/rgb_00072.jpg /living_room_0086a/sync_depth_00072.png 518.8579 +/bedroom_0004/rgb_00013.jpg /bedroom_0004/sync_depth_00013.png 518.8579 +/kitchen_0049/rgb_00021.jpg /kitchen_0049/sync_depth_00021.png 518.8579 +/kitchen_0050/rgb_00093.jpg /kitchen_0050/sync_depth_00093.png 518.8579 +/home_office_0007/rgb_00043.jpg /home_office_0007/sync_depth_00043.png 518.8579 +/bathroom_0034/rgb_00013.jpg /bathroom_0034/sync_depth_00013.png 518.8579 +/living_room_0010/rgb_00194.jpg /living_room_0010/sync_depth_00194.png 518.8579 +/nyu_office_0/rgb_00245.jpg /nyu_office_0/sync_depth_00245.png 518.8579 +/dining_room_0016/rgb_00001.jpg /dining_room_0016/sync_depth_00001.png 518.8579 +/kitchen_0010/rgb_00065.jpg /kitchen_0010/sync_depth_00065.png 518.8579 +/furniture_store_0001d/rgb_00147.jpg /furniture_store_0001d/sync_depth_00147.png 518.8579 +/dining_room_0004/rgb_00018.jpg /dining_room_0004/sync_depth_00018.png 518.8579 +/dining_room_0033/rgb_00168.jpg /dining_room_0033/sync_depth_00168.png 518.8579 +/indoor_balcony_0001/rgb_00015.jpg /indoor_balcony_0001/sync_depth_00015.png 518.8579 +/living_room_0070/rgb_00088.jpg /living_room_0070/sync_depth_00088.png 518.8579 +/kitchen_0029c/rgb_00181.jpg /kitchen_0029c/sync_depth_00181.png 518.8579 +/bathroom_0042/rgb_00009.jpg /bathroom_0042/sync_depth_00009.png 518.8579 +/kitchen_0045b/rgb_00075.jpg /kitchen_0045b/sync_depth_00075.png 518.8579 +/living_room_0047b/rgb_00172.jpg /living_room_0047b/sync_depth_00172.png 518.8579 +/bookstore_0001f/rgb_00213.jpg /bookstore_0001f/sync_depth_00213.png 518.8579 +/bookstore_0001f/rgb_00434.jpg /bookstore_0001f/sync_depth_00434.png 518.8579 +/bedroom_0086/rgb_00078.jpg /bedroom_0086/sync_depth_00078.png 518.8579 +/kitchen_0048/rgb_00180.jpg /kitchen_0048/sync_depth_00180.png 518.8579 +/living_room_0062/rgb_00109.jpg /living_room_0062/sync_depth_00109.png 518.8579 +/bathroom_0051/rgb_00001.jpg /bathroom_0051/sync_depth_00001.png 518.8579 +/dining_room_0004/rgb_00012.jpg /dining_room_0004/sync_depth_00012.png 518.8579 +/kitchen_0016/rgb_00051.jpg /kitchen_0016/sync_depth_00051.png 518.8579 +/living_room_0039/rgb_00125.jpg /living_room_0039/sync_depth_00125.png 518.8579 +/bedroom_0026/rgb_00112.jpg /bedroom_0026/sync_depth_00112.png 518.8579 +/nyu_office_0/rgb_00435.jpg /nyu_office_0/sync_depth_00435.png 518.8579 +/bedroom_0051/rgb_00083.jpg /bedroom_0051/sync_depth_00083.png 518.8579 +/classroom_0012/rgb_00021.jpg /classroom_0012/sync_depth_00021.png 518.8579 +/bathroom_0048/rgb_00086.jpg /bathroom_0048/sync_depth_00086.png 518.8579 +/bedroom_0052/rgb_00049.jpg /bedroom_0052/sync_depth_00049.png 518.8579 +/bedroom_0019/rgb_00041.jpg /bedroom_0019/sync_depth_00041.png 518.8579 +/living_room_0004/rgb_00006.jpg /living_room_0004/sync_depth_00006.png 518.8579 +/living_room_0058/rgb_00062.jpg /living_room_0058/sync_depth_00062.png 518.8579 +/living_room_0010/rgb_00210.jpg /living_room_0010/sync_depth_00210.png 518.8579 +/bedroom_0056a/rgb_00070.jpg /bedroom_0056a/sync_depth_00070.png 518.8579 +/classroom_0022/rgb_00112.jpg /classroom_0022/sync_depth_00112.png 518.8579 +/kitchen_0019a/rgb_00212.jpg /kitchen_0019a/sync_depth_00212.png 518.8579 +/dining_room_0028/rgb_00119.jpg /dining_room_0028/sync_depth_00119.png 518.8579 +/living_room_0018/rgb_00058.jpg /living_room_0018/sync_depth_00058.png 518.8579 +/bookstore_0001f/rgb_00262.jpg /bookstore_0001f/sync_depth_00262.png 518.8579 +/bedroom_0086/rgb_00024.jpg /bedroom_0086/sync_depth_00024.png 518.8579 +/dining_room_0029/rgb_00025.jpg /dining_room_0029/sync_depth_00025.png 518.8579 +/dining_room_0016/rgb_00049.jpg /dining_room_0016/sync_depth_00049.png 518.8579 +/home_office_0011/rgb_00020.jpg /home_office_0011/sync_depth_00020.png 518.8579 +/dining_room_0007/rgb_00193.jpg /dining_room_0007/sync_depth_00193.png 518.8579 +/office_0019/rgb_00057.jpg /office_0019/sync_depth_00057.png 518.8579 +/living_room_0086b/rgb_00029.jpg /living_room_0086b/sync_depth_00029.png 518.8579 +/kitchen_0045b/rgb_00018.jpg /kitchen_0045b/sync_depth_00018.png 518.8579 +/bedroom_0050/rgb_00085.jpg /bedroom_0050/sync_depth_00085.png 518.8579 +/bathroom_0034/rgb_00006.jpg /bathroom_0034/sync_depth_00006.png 518.8579 +/living_room_0010/rgb_00191.jpg /living_room_0010/sync_depth_00191.png 518.8579 +/bathroom_0028/rgb_00074.jpg /bathroom_0028/sync_depth_00074.png 518.8579 +/laundry_room_0001/rgb_00015.jpg /laundry_room_0001/sync_depth_00015.png 518.8579 +/bedroom_0113/rgb_00086.jpg /bedroom_0113/sync_depth_00086.png 518.8579 +/bedroom_0136/rgb_00157.jpg /bedroom_0136/sync_depth_00157.png 518.8579 +/bedroom_0069/rgb_00096.jpg /bedroom_0069/sync_depth_00096.png 518.8579 +/dining_room_0008/rgb_00077.jpg /dining_room_0008/sync_depth_00077.png 518.8579 +/dining_room_0013/rgb_00158.jpg /dining_room_0013/sync_depth_00158.png 518.8579 +/living_room_0019/rgb_00070.jpg /living_room_0019/sync_depth_00070.png 518.8579 +/bathroom_0048/rgb_00078.jpg /bathroom_0048/sync_depth_00078.png 518.8579 +/kitchen_0053/rgb_00020.jpg /kitchen_0053/sync_depth_00020.png 518.8579 +/kitchen_0019a/rgb_00182.jpg /kitchen_0019a/sync_depth_00182.png 518.8579 +/living_room_0004/rgb_00057.jpg /living_room_0004/sync_depth_00057.png 518.8579 +/bedroom_0041/rgb_00050.jpg /bedroom_0041/sync_depth_00050.png 518.8579 +/bedroom_0015/rgb_00004.jpg /bedroom_0015/sync_depth_00004.png 518.8579 +/kitchen_0006/rgb_00077.jpg /kitchen_0006/sync_depth_00077.png 518.8579 +/home_office_0006/rgb_00030.jpg /home_office_0006/sync_depth_00030.png 518.8579 +/kitchen_0019a/rgb_00166.jpg /kitchen_0019a/sync_depth_00166.png 518.8579 +/kitchen_0006/rgb_00071.jpg /kitchen_0006/sync_depth_00071.png 518.8579 +/kitchen_0019a/rgb_00246.jpg /kitchen_0019a/sync_depth_00246.png 518.8579 +/dining_room_0004/rgb_00110.jpg /dining_room_0004/sync_depth_00110.png 518.8579 +/dining_room_0007/rgb_00027.jpg /dining_room_0007/sync_depth_00027.png 518.8579 +/kitchen_0029c/rgb_00012.jpg /kitchen_0029c/sync_depth_00012.png 518.8579 +/bathroom_0014a/rgb_00063.jpg /bathroom_0014a/sync_depth_00063.png 518.8579 +/kitchen_0016/rgb_00071.jpg /kitchen_0016/sync_depth_00071.png 518.8579 +/bedroom_0004/rgb_00083.jpg /bedroom_0004/sync_depth_00083.png 518.8579 +/bathroom_0001/rgb_00020.jpg /bathroom_0001/sync_depth_00020.png 518.8579 +/bedroom_0016/rgb_00129.jpg /bedroom_0016/sync_depth_00129.png 518.8579 +/office_kitchen_0003/rgb_00109.jpg /office_kitchen_0003/sync_depth_00109.png 518.8579 +/bathroom_0039/rgb_00077.jpg /bathroom_0039/sync_depth_00077.png 518.8579 +/bookstore_0001f/rgb_00515.jpg /bookstore_0001f/sync_depth_00515.png 518.8579 +/bathroom_0014a/rgb_00040.jpg /bathroom_0014a/sync_depth_00040.png 518.8579 +/bathroom_0041/rgb_00003.jpg /bathroom_0041/sync_depth_00003.png 518.8579 +/kitchen_0003/rgb_00167.jpg /kitchen_0003/sync_depth_00167.png 518.8579 +/kitchen_0019a/rgb_00242.jpg /kitchen_0019a/sync_depth_00242.png 518.8579 +/dining_room_0012/rgb_00098.jpg /dining_room_0012/sync_depth_00098.png 518.8579 +/bedroom_0040/rgb_00017.jpg /bedroom_0040/sync_depth_00017.png 518.8579 +/study_room_0004/rgb_00107.jpg /study_room_0004/sync_depth_00107.png 518.8579 +/bathroom_0056/rgb_00031.jpg /bathroom_0056/sync_depth_00031.png 518.8579 +/office_0024/rgb_00109.jpg /office_0024/sync_depth_00109.png 518.8579 +/basement_0001a/rgb_00124.jpg /basement_0001a/sync_depth_00124.png 518.8579 +/office_0019/rgb_00040.jpg /office_0019/sync_depth_00040.png 518.8579 +/office_0004/rgb_00016.jpg /office_0004/sync_depth_00016.png 518.8579 +/living_room_0022/rgb_00281.jpg /living_room_0022/sync_depth_00281.png 518.8579 +/bedroom_0120/rgb_00024.jpg /bedroom_0120/sync_depth_00024.png 518.8579 +/playroom_0006/rgb_00118.jpg /playroom_0006/sync_depth_00118.png 518.8579 +/bathroom_0013/rgb_00074.jpg /bathroom_0013/sync_depth_00074.png 518.8579 +/office_kitchen_0003/rgb_00009.jpg /office_kitchen_0003/sync_depth_00009.png 518.8579 +/bedroom_0056a/rgb_00082.jpg /bedroom_0056a/sync_depth_00082.png 518.8579 +/bedroom_0028/rgb_00001.jpg /bedroom_0028/sync_depth_00001.png 518.8579 +/bedroom_0052/rgb_00185.jpg /bedroom_0052/sync_depth_00185.png 518.8579 +/bedroom_0062/rgb_00091.jpg /bedroom_0062/sync_depth_00091.png 518.8579 +/living_room_0022/rgb_00386.jpg /living_room_0022/sync_depth_00386.png 518.8579 +/bookstore_0001f/rgb_00181.jpg /bookstore_0001f/sync_depth_00181.png 518.8579 +/home_office_0006/rgb_00001.jpg /home_office_0006/sync_depth_00001.png 518.8579 +/bedroom_0062/rgb_00089.jpg /bedroom_0062/sync_depth_00089.png 518.8579 +/bedroom_0094/rgb_00018.jpg /bedroom_0094/sync_depth_00018.png 518.8579 +/dining_room_0029/rgb_00018.jpg /dining_room_0029/sync_depth_00018.png 518.8579 +/dining_room_0031/rgb_00272.jpg /dining_room_0031/sync_depth_00272.png 518.8579 +/study_room_0004/rgb_00046.jpg /study_room_0004/sync_depth_00046.png 518.8579 +/living_room_0083/rgb_00072.jpg /living_room_0083/sync_depth_00072.png 518.8579 +/bedroom_0130/rgb_00010.jpg /bedroom_0130/sync_depth_00010.png 518.8579 +/bedroom_0063/rgb_00050.jpg /bedroom_0063/sync_depth_00050.png 518.8579 +/bedroom_0138/rgb_00038.jpg /bedroom_0138/sync_depth_00038.png 518.8579 +/dining_room_0007/rgb_00056.jpg /dining_room_0007/sync_depth_00056.png 518.8579 +/bedroom_0126/rgb_00027.jpg /bedroom_0126/sync_depth_00027.png 518.8579 +/living_room_0011/rgb_00012.jpg /living_room_0011/sync_depth_00012.png 518.8579 +/living_room_0010/rgb_00036.jpg /living_room_0010/sync_depth_00036.png 518.8579 +/kitchen_0053/rgb_00061.jpg /kitchen_0053/sync_depth_00061.png 518.8579 +/bedroom_0051/rgb_00020.jpg /bedroom_0051/sync_depth_00020.png 518.8579 +/bookstore_0001j/rgb_00289.jpg /bookstore_0001j/sync_depth_00289.png 518.8579 +/bathroom_0049/rgb_00061.jpg /bathroom_0049/sync_depth_00061.png 518.8579 +/laundry_room_0001/rgb_00010.jpg /laundry_room_0001/sync_depth_00010.png 518.8579 +/dinette_0001/rgb_00053.jpg /dinette_0001/sync_depth_00053.png 518.8579 +/bedroom_0130/rgb_00094.jpg /bedroom_0130/sync_depth_00094.png 518.8579 +/living_room_0038/rgb_00002.jpg /living_room_0038/sync_depth_00002.png 518.8579 +/classroom_0010/rgb_00008.jpg /classroom_0010/sync_depth_00008.png 518.8579 +/bedroom_0051/rgb_00192.jpg /bedroom_0051/sync_depth_00192.png 518.8579 +/bedroom_0076a/rgb_00030.jpg /bedroom_0076a/sync_depth_00030.png 518.8579 +/home_storage_0001/rgb_00075.jpg /home_storage_0001/sync_depth_00075.png 518.8579 +/bedroom_0106/rgb_00140.jpg /bedroom_0106/sync_depth_00140.png 518.8579 +/nyu_office_0/rgb_00101.jpg /nyu_office_0/sync_depth_00101.png 518.8579 +/living_room_0020/rgb_00216.jpg /living_room_0020/sync_depth_00216.png 518.8579 +/furniture_store_0002a/rgb_00357.jpg /furniture_store_0002a/sync_depth_00357.png 518.8579 +/cafe_0001b/rgb_00057.jpg /cafe_0001b/sync_depth_00057.png 518.8579 +/kitchen_0011b/rgb_00010.jpg /kitchen_0011b/sync_depth_00010.png 518.8579 +/bathroom_0034/rgb_00022.jpg /bathroom_0034/sync_depth_00022.png 518.8579 +/dining_room_0033/rgb_00174.jpg /dining_room_0033/sync_depth_00174.png 518.8579 +/kitchen_0028a/rgb_00093.jpg /kitchen_0028a/sync_depth_00093.png 518.8579 +/living_room_0046b/rgb_00038.jpg /living_room_0046b/sync_depth_00038.png 518.8579 +/student_lounge_0001/rgb_00205.jpg /student_lounge_0001/sync_depth_00205.png 518.8579 +/dining_room_0033/rgb_00096.jpg /dining_room_0033/sync_depth_00096.png 518.8579 +/kitchen_0003/rgb_00023.jpg /kitchen_0003/sync_depth_00023.png 518.8579 +/bookstore_0001f/rgb_00163.jpg /bookstore_0001f/sync_depth_00163.png 518.8579 +/kitchen_0003/rgb_00035.jpg /kitchen_0003/sync_depth_00035.png 518.8579 +/bedroom_0051/rgb_00163.jpg /bedroom_0051/sync_depth_00163.png 518.8579 +/living_room_0040/rgb_00231.jpg /living_room_0040/sync_depth_00231.png 518.8579 +/classroom_0022/rgb_00105.jpg /classroom_0022/sync_depth_00105.png 518.8579 +/nyu_office_1/rgb_00050.jpg /nyu_office_1/sync_depth_00050.png 518.8579 +/living_room_0005/rgb_00058.jpg /living_room_0005/sync_depth_00058.png 518.8579 +/bedroom_0052/rgb_00065.jpg /bedroom_0052/sync_depth_00065.png 518.8579 +/kitchen_0060/rgb_00177.jpg /kitchen_0060/sync_depth_00177.png 518.8579 +/kitchen_0010/rgb_00112.jpg /kitchen_0010/sync_depth_00112.png 518.8579 +/furniture_store_0002c/rgb_00003.jpg /furniture_store_0002c/sync_depth_00003.png 518.8579 +/kitchen_0019b/rgb_00045.jpg /kitchen_0019b/sync_depth_00045.png 518.8579 +/bedroom_0050/rgb_00145.jpg /bedroom_0050/sync_depth_00145.png 518.8579 +/living_room_0050/rgb_00156.jpg /living_room_0050/sync_depth_00156.png 518.8579 +/bedroom_0016/rgb_00157.jpg /bedroom_0016/sync_depth_00157.png 518.8579 +/bedroom_0126/rgb_00011.jpg /bedroom_0126/sync_depth_00011.png 518.8579 +/dining_room_0015/rgb_00201.jpg /dining_room_0015/sync_depth_00201.png 518.8579 +/kitchen_0053/rgb_00021.jpg /kitchen_0053/sync_depth_00021.png 518.8579 +/living_room_0040/rgb_00152.jpg /living_room_0040/sync_depth_00152.png 518.8579 +/kitchen_0035b/rgb_00319.jpg /kitchen_0035b/sync_depth_00319.png 518.8579 +/playroom_0006/rgb_00009.jpg /playroom_0006/sync_depth_00009.png 518.8579 +/dining_room_0023/rgb_00039.jpg /dining_room_0023/sync_depth_00039.png 518.8579 +/bedroom_0041/rgb_00060.jpg /bedroom_0041/sync_depth_00060.png 518.8579 +/office_0023/rgb_00000.jpg /office_0023/sync_depth_00000.png 518.8579 +/home_office_0006/rgb_00132.jpg /home_office_0006/sync_depth_00132.png 518.8579 +/living_room_0010/rgb_00041.jpg /living_room_0010/sync_depth_00041.png 518.8579 +/bathroom_0035/rgb_00013.jpg /bathroom_0035/sync_depth_00013.png 518.8579 +/study_room_0004/rgb_00020.jpg /study_room_0004/sync_depth_00020.png 518.8579 +/classroom_0004/rgb_00068.jpg /classroom_0004/sync_depth_00068.png 518.8579 +/kitchen_0035b/rgb_00049.jpg /kitchen_0035b/sync_depth_00049.png 518.8579 +/dining_room_0024/rgb_00022.jpg /dining_room_0024/sync_depth_00022.png 518.8579 +/office_0006/rgb_00080.jpg /office_0006/sync_depth_00080.png 518.8579 +/living_room_0046a/rgb_00063.jpg /living_room_0046a/sync_depth_00063.png 518.8579 +/kitchen_0031/rgb_00086.jpg /kitchen_0031/sync_depth_00086.png 518.8579 +/living_room_0040/rgb_00085.jpg /living_room_0040/sync_depth_00085.png 518.8579 +/kitchen_0035b/rgb_00172.jpg /kitchen_0035b/sync_depth_00172.png 518.8579 +/kitchen_0045b/rgb_00095.jpg /kitchen_0045b/sync_depth_00095.png 518.8579 +/bathroom_0028/rgb_00028.jpg /bathroom_0028/sync_depth_00028.png 518.8579 +/bathroom_0041/rgb_00037.jpg /bathroom_0041/sync_depth_00037.png 518.8579 +/living_room_0058/rgb_00165.jpg /living_room_0058/sync_depth_00165.png 518.8579 +/indoor_balcony_0001/rgb_00004.jpg /indoor_balcony_0001/sync_depth_00004.png 518.8579 +/living_room_0039/rgb_00038.jpg /living_room_0039/sync_depth_00038.png 518.8579 +/bookstore_0001i/rgb_00054.jpg /bookstore_0001i/sync_depth_00054.png 518.8579 +/living_room_0050/rgb_00193.jpg /living_room_0050/sync_depth_00193.png 518.8579 +/nyu_office_0/rgb_00285.jpg /nyu_office_0/sync_depth_00285.png 518.8579 +/kitchen_0019a/rgb_00199.jpg /kitchen_0019a/sync_depth_00199.png 518.8579 +/living_room_0050/rgb_00177.jpg /living_room_0050/sync_depth_00177.png 518.8579 +/office_0023/rgb_00040.jpg /office_0023/sync_depth_00040.png 518.8579 +/bedroom_0078/rgb_00140.jpg /bedroom_0078/sync_depth_00140.png 518.8579 +/living_room_0046b/rgb_00081.jpg /living_room_0046b/sync_depth_00081.png 518.8579 +/kitchen_0045a/rgb_00069.jpg /kitchen_0045a/sync_depth_00069.png 518.8579 +/dining_room_0015/rgb_00146.jpg /dining_room_0015/sync_depth_00146.png 518.8579 +/kitchen_0053/rgb_00251.jpg /kitchen_0053/sync_depth_00251.png 518.8579 +/classroom_0006/rgb_00189.jpg /classroom_0006/sync_depth_00189.png 518.8579 +/dining_room_0012/rgb_00068.jpg /dining_room_0012/sync_depth_00068.png 518.8579 +/bedroom_0140/rgb_00164.jpg /bedroom_0140/sync_depth_00164.png 518.8579 +/excercise_room_0001/rgb_00071.jpg /excercise_room_0001/sync_depth_00071.png 518.8579 +/home_storage_0001/rgb_00002.jpg /home_storage_0001/sync_depth_00002.png 518.8579 +/living_room_0032/rgb_00031.jpg /living_room_0032/sync_depth_00031.png 518.8579 +/dining_room_0008/rgb_00041.jpg /dining_room_0008/sync_depth_00041.png 518.8579 +/bookstore_0001f/rgb_00084.jpg /bookstore_0001f/sync_depth_00084.png 518.8579 +/bedroom_0056b/rgb_00048.jpg /bedroom_0056b/sync_depth_00048.png 518.8579 +/office_0011/rgb_00070.jpg /office_0011/sync_depth_00070.png 518.8579 +/office_0019/rgb_00053.jpg /office_0019/sync_depth_00053.png 518.8579 +/kitchen_0035b/rgb_00086.jpg /kitchen_0035b/sync_depth_00086.png 518.8579 +/living_room_0022/rgb_00268.jpg /living_room_0022/sync_depth_00268.png 518.8579 +/dining_room_0031/rgb_00399.jpg /dining_room_0031/sync_depth_00399.png 518.8579 +/bedroom_0140/rgb_00042.jpg /bedroom_0140/sync_depth_00042.png 518.8579 +/basement_0001a/rgb_00187.jpg /basement_0001a/sync_depth_00187.png 518.8579 +/bedroom_0051/rgb_00167.jpg /bedroom_0051/sync_depth_00167.png 518.8579 +/living_room_0038/rgb_00072.jpg /living_room_0038/sync_depth_00072.png 518.8579 +/dinette_0001/rgb_00009.jpg /dinette_0001/sync_depth_00009.png 518.8579 +/bedroom_0106/rgb_00113.jpg /bedroom_0106/sync_depth_00113.png 518.8579 +/bedroom_0051/rgb_00057.jpg /bedroom_0051/sync_depth_00057.png 518.8579 +/dining_room_0016/rgb_00042.jpg /dining_room_0016/sync_depth_00042.png 518.8579 +/bedroom_0071/rgb_00017.jpg /bedroom_0071/sync_depth_00017.png 518.8579 +/dining_room_0008/rgb_00194.jpg /dining_room_0008/sync_depth_00194.png 518.8579 +/bedroom_0082/rgb_00047.jpg /bedroom_0082/sync_depth_00047.png 518.8579 +/living_room_0078/rgb_00089.jpg /living_room_0078/sync_depth_00089.png 518.8579 +/kitchen_0011b/rgb_00064.jpg /kitchen_0011b/sync_depth_00064.png 518.8579 +/bathroom_0042/rgb_00027.jpg /bathroom_0042/sync_depth_00027.png 518.8579 +/living_room_0058/rgb_00162.jpg /living_room_0058/sync_depth_00162.png 518.8579 +/bedroom_0059/rgb_00077.jpg /bedroom_0059/sync_depth_00077.png 518.8579 +/kitchen_0045a/rgb_00183.jpg /kitchen_0045a/sync_depth_00183.png 518.8579 +/bedroom_0074/rgb_00055.jpg /bedroom_0074/sync_depth_00055.png 518.8579 +/kitchen_0050/rgb_00107.jpg /kitchen_0050/sync_depth_00107.png 518.8579 +/kitchen_0045a/rgb_00022.jpg /kitchen_0045a/sync_depth_00022.png 518.8579 +/bookstore_0001f/rgb_00139.jpg /bookstore_0001f/sync_depth_00139.png 518.8579 +/living_room_0069a/rgb_00089.jpg /living_room_0069a/sync_depth_00089.png 518.8579 +/home_office_0004/rgb_00064.jpg /home_office_0004/sync_depth_00064.png 518.8579 +/dining_room_0031/rgb_00365.jpg /dining_room_0031/sync_depth_00365.png 518.8579 +/playroom_0003/rgb_00108.jpg /playroom_0003/sync_depth_00108.png 518.8579 +/bedroom_0034/rgb_00013.jpg /bedroom_0034/sync_depth_00013.png 518.8579 +/home_office_0008/rgb_00142.jpg /home_office_0008/sync_depth_00142.png 518.8579 +/kitchen_0017/rgb_00113.jpg /kitchen_0017/sync_depth_00113.png 518.8579 +/home_office_0004/rgb_00191.jpg /home_office_0004/sync_depth_00191.png 518.8579 +/living_room_0032/rgb_00032.jpg /living_room_0032/sync_depth_00032.png 518.8579 +/classroom_0006/rgb_00009.jpg /classroom_0006/sync_depth_00009.png 518.8579 +/bathroom_0041/rgb_00017.jpg /bathroom_0041/sync_depth_00017.png 518.8579 +/foyer_0002/rgb_00050.jpg /foyer_0002/sync_depth_00050.png 518.8579 +/classroom_0006/rgb_00103.jpg /classroom_0006/sync_depth_00103.png 518.8579 +/living_room_0067/rgb_00008.jpg /living_room_0067/sync_depth_00008.png 518.8579 +/reception_room_0001a/rgb_00089.jpg /reception_room_0001a/sync_depth_00089.png 518.8579 +/bedroom_0069/rgb_00088.jpg /bedroom_0069/sync_depth_00088.png 518.8579 +/kitchen_0010/rgb_00035.jpg /kitchen_0010/sync_depth_00035.png 518.8579 +/dining_room_0008/rgb_00107.jpg /dining_room_0008/sync_depth_00107.png 518.8579 +/dinette_0001/rgb_00003.jpg /dinette_0001/sync_depth_00003.png 518.8579 +/living_room_0022/rgb_00036.jpg /living_room_0022/sync_depth_00036.png 518.8579 +/bedroom_0062/rgb_00120.jpg /bedroom_0062/sync_depth_00120.png 518.8579 +/classroom_0010/rgb_00027.jpg /classroom_0010/sync_depth_00027.png 518.8579 +/kitchen_0019a/rgb_00185.jpg /kitchen_0019a/sync_depth_00185.png 518.8579 +/kitchen_0029c/rgb_00086.jpg /kitchen_0029c/sync_depth_00086.png 518.8579 +/nyu_office_0/rgb_00254.jpg /nyu_office_0/sync_depth_00254.png 518.8579 +/classroom_0016/rgb_00032.jpg /classroom_0016/sync_depth_00032.png 518.8579 +/furniture_store_0002a/rgb_00003.jpg /furniture_store_0002a/sync_depth_00003.png 518.8579 +/living_room_0062/rgb_00193.jpg /living_room_0062/sync_depth_00193.png 518.8579 +/study_room_0005b/rgb_00016.jpg /study_room_0005b/sync_depth_00016.png 518.8579 +/bedroom_0025/rgb_00142.jpg /bedroom_0025/sync_depth_00142.png 518.8579 +/furniture_store_0002a/rgb_00159.jpg /furniture_store_0002a/sync_depth_00159.png 518.8579 +/bookstore_0001f/rgb_00255.jpg /bookstore_0001f/sync_depth_00255.png 518.8579 +/bedroom_0076a/rgb_00150.jpg /bedroom_0076a/sync_depth_00150.png 518.8579 +/furniture_store_0001e/rgb_00047.jpg /furniture_store_0001e/sync_depth_00047.png 518.8579 +/home_office_0011/rgb_00058.jpg /home_office_0011/sync_depth_00058.png 518.8579 +/living_room_0005/rgb_00103.jpg /living_room_0005/sync_depth_00103.png 518.8579 +/living_room_0046a/rgb_00084.jpg /living_room_0046a/sync_depth_00084.png 518.8579 +/bedroom_0062/rgb_00077.jpg /bedroom_0062/sync_depth_00077.png 518.8579 +/office_0024/rgb_00011.jpg /office_0024/sync_depth_00011.png 518.8579 +/study_room_0005b/rgb_00042.jpg /study_room_0005b/sync_depth_00042.png 518.8579 +/bedroom_0082/rgb_00025.jpg /bedroom_0082/sync_depth_00025.png 518.8579 +/bedroom_0063/rgb_00128.jpg /bedroom_0063/sync_depth_00128.png 518.8579 +/bathroom_0005/rgb_00038.jpg /bathroom_0005/sync_depth_00038.png 518.8579 +/living_room_0020/rgb_00207.jpg /living_room_0020/sync_depth_00207.png 518.8579 +/classroom_0016/rgb_00073.jpg /classroom_0016/sync_depth_00073.png 518.8579 +/kitchen_0050/rgb_00139.jpg /kitchen_0050/sync_depth_00139.png 518.8579 +/living_room_0047a/rgb_00000.jpg /living_room_0047a/sync_depth_00000.png 518.8579 +/study_room_0004/rgb_00190.jpg /study_room_0004/sync_depth_00190.png 518.8579 +/office_0004/rgb_00032.jpg /office_0004/sync_depth_00032.png 518.8579 +/playroom_0006/rgb_00133.jpg /playroom_0006/sync_depth_00133.png 518.8579 +/living_room_0040/rgb_00155.jpg /living_room_0040/sync_depth_00155.png 518.8579 +/living_room_0058/rgb_00139.jpg /living_room_0058/sync_depth_00139.png 518.8579 +/dining_room_0008/rgb_00014.jpg /dining_room_0008/sync_depth_00014.png 518.8579 +/bookstore_0001f/rgb_00081.jpg /bookstore_0001f/sync_depth_00081.png 518.8579 +/living_room_0068/rgb_00106.jpg /living_room_0068/sync_depth_00106.png 518.8579 +/computer_lab_0002/rgb_00045.jpg /computer_lab_0002/sync_depth_00045.png 518.8579 +/bathroom_0041/rgb_00076.jpg /bathroom_0041/sync_depth_00076.png 518.8579 +/conference_room_0002/rgb_00028.jpg /conference_room_0002/sync_depth_00028.png 518.8579 +/kitchen_0051/rgb_00141.jpg /kitchen_0051/sync_depth_00141.png 518.8579 +/bathroom_0051/rgb_00020.jpg /bathroom_0051/sync_depth_00020.png 518.8579 +/bedroom_0120/rgb_00071.jpg /bedroom_0120/sync_depth_00071.png 518.8579 +/living_room_0039/rgb_00035.jpg /living_room_0039/sync_depth_00035.png 518.8579 +/kitchen_0031/rgb_00031.jpg /kitchen_0031/sync_depth_00031.png 518.8579 +/cafe_0001b/rgb_00035.jpg /cafe_0001b/sync_depth_00035.png 518.8579 +/bookstore_0001j/rgb_00077.jpg /bookstore_0001j/sync_depth_00077.png 518.8579 +/bedroom_0059/rgb_00013.jpg /bedroom_0059/sync_depth_00013.png 518.8579 +/bedroom_0067a/rgb_00039.jpg /bedroom_0067a/sync_depth_00039.png 518.8579 +/bedroom_0040/rgb_00047.jpg /bedroom_0040/sync_depth_00047.png 518.8579 +/kitchen_0045a/rgb_00147.jpg /kitchen_0045a/sync_depth_00147.png 518.8579 +/study_0008/rgb_00028.jpg /study_0008/sync_depth_00028.png 518.8579 +/kitchen_0045a/rgb_00114.jpg /kitchen_0045a/sync_depth_00114.png 518.8579 +/study_0006/rgb_00037.jpg /study_0006/sync_depth_00037.png 518.8579 +/living_room_0062/rgb_00049.jpg /living_room_0062/sync_depth_00049.png 518.8579 +/bedroom_0047/rgb_00002.jpg /bedroom_0047/sync_depth_00002.png 518.8579 +/bathroom_0006/rgb_00043.jpg /bathroom_0006/sync_depth_00043.png 518.8579 +/bedroom_0062/rgb_00001.jpg /bedroom_0062/sync_depth_00001.png 518.8579 +/kitchen_0052/rgb_00035.jpg /kitchen_0052/sync_depth_00035.png 518.8579 +/bedroom_0082/rgb_00008.jpg /bedroom_0082/sync_depth_00008.png 518.8579 +/living_room_0063/rgb_00066.jpg /living_room_0063/sync_depth_00066.png 518.8579 +/living_room_0004/rgb_00178.jpg /living_room_0004/sync_depth_00178.png 518.8579 +/playroom_0006/rgb_00137.jpg /playroom_0006/sync_depth_00137.png 518.8579 +/dining_room_0008/rgb_00017.jpg /dining_room_0008/sync_depth_00017.png 518.8579 +/reception_room_0001a/rgb_00113.jpg /reception_room_0001a/sync_depth_00113.png 518.8579 +/furniture_store_0002a/rgb_00053.jpg /furniture_store_0002a/sync_depth_00053.png 518.8579 +/bedroom_0020/rgb_00110.jpg /bedroom_0020/sync_depth_00110.png 518.8579 +/bedroom_0125b/rgb_00052.jpg /bedroom_0125b/sync_depth_00052.png 518.8579 +/home_office_0008/rgb_00170.jpg /home_office_0008/sync_depth_00170.png 518.8579 +/furniture_store_0001a/rgb_00021.jpg /furniture_store_0001a/sync_depth_00021.png 518.8579 +/bathroom_0028/rgb_00155.jpg /bathroom_0028/sync_depth_00155.png 518.8579 +/bedroom_0056a/rgb_00092.jpg /bedroom_0056a/sync_depth_00092.png 518.8579 +/kitchen_0010/rgb_00127.jpg /kitchen_0010/sync_depth_00127.png 518.8579 +/bookstore_0001g/rgb_00187.jpg /bookstore_0001g/sync_depth_00187.png 518.8579 +/kitchen_0051/rgb_00355.jpg /kitchen_0051/sync_depth_00355.png 518.8579 +/living_room_0011/rgb_00064.jpg /living_room_0011/sync_depth_00064.png 518.8579 +/cafe_0001a/rgb_00064.jpg /cafe_0001a/sync_depth_00064.png 518.8579 +/bedroom_0060/rgb_00091.jpg /bedroom_0060/sync_depth_00091.png 518.8579 +/kitchen_0059/rgb_00062.jpg /kitchen_0059/sync_depth_00062.png 518.8579 +/kitchen_0029c/rgb_00088.jpg /kitchen_0029c/sync_depth_00088.png 518.8579 +/bedroom_0052/rgb_00187.jpg /bedroom_0052/sync_depth_00187.png 518.8579 +/bathroom_0053/rgb_00021.jpg /bathroom_0053/sync_depth_00021.png 518.8579 +/bedroom_0014/rgb_00056.jpg /bedroom_0014/sync_depth_00056.png 518.8579 +/bedroom_0078/rgb_00011.jpg /bedroom_0078/sync_depth_00011.png 518.8579 +/bathroom_0024/rgb_00059.jpg /bathroom_0024/sync_depth_00059.png 518.8579 +/nyu_office_0/rgb_00381.jpg /nyu_office_0/sync_depth_00381.png 518.8579 +/playroom_0006/rgb_00000.jpg /playroom_0006/sync_depth_00000.png 518.8579 +/bookstore_0001f/rgb_00223.jpg /bookstore_0001f/sync_depth_00223.png 518.8579 +/bedroom_0136/rgb_00070.jpg /bedroom_0136/sync_depth_00070.png 518.8579 +/classroom_0011/rgb_00000.jpg /classroom_0011/sync_depth_00000.png 518.8579 +/living_room_0042b/rgb_00032.jpg /living_room_0042b/sync_depth_00032.png 518.8579 +/classroom_0022/rgb_00072.jpg /classroom_0022/sync_depth_00072.png 518.8579 +/bookstore_0001f/rgb_00473.jpg /bookstore_0001f/sync_depth_00473.png 518.8579 +/foyer_0002/rgb_00008.jpg /foyer_0002/sync_depth_00008.png 518.8579 +/living_room_0047b/rgb_00036.jpg /living_room_0047b/sync_depth_00036.png 518.8579 +/bookstore_0001j/rgb_00310.jpg /bookstore_0001j/sync_depth_00310.png 518.8579 +/bedroom_0071/rgb_00166.jpg /bedroom_0071/sync_depth_00166.png 518.8579 +/office_0006/rgb_00135.jpg /office_0006/sync_depth_00135.png 518.8579 +/bedroom_0026/rgb_00118.jpg /bedroom_0026/sync_depth_00118.png 518.8579 +/bedroom_0041/rgb_00016.jpg /bedroom_0041/sync_depth_00016.png 518.8579 +/living_room_0050/rgb_00063.jpg /living_room_0050/sync_depth_00063.png 518.8579 +/kitchen_0033/rgb_00194.jpg /kitchen_0033/sync_depth_00194.png 518.8579 +/bedroom_0021/rgb_00047.jpg /bedroom_0021/sync_depth_00047.png 518.8579 +/bedroom_0130/rgb_00049.jpg /bedroom_0130/sync_depth_00049.png 518.8579 +/bookstore_0001d/rgb_00211.jpg /bookstore_0001d/sync_depth_00211.png 518.8579 +/bathroom_0007/rgb_00091.jpg /bathroom_0007/sync_depth_00091.png 518.8579 +/laundry_room_0001/rgb_00031.jpg /laundry_room_0001/sync_depth_00031.png 518.8579 +/bathroom_0049/rgb_00009.jpg /bathroom_0049/sync_depth_00009.png 518.8579 +/living_room_0012/rgb_00026.jpg /living_room_0012/sync_depth_00026.png 518.8579 +/bathroom_0007/rgb_00005.jpg /bathroom_0007/sync_depth_00005.png 518.8579 +/kitchen_0033/rgb_00091.jpg /kitchen_0033/sync_depth_00091.png 518.8579 +/bedroom_0017/rgb_00042.jpg /bedroom_0017/sync_depth_00042.png 518.8579 +/printer_room_0001/rgb_00017.jpg /printer_room_0001/sync_depth_00017.png 518.8579 +/bedroom_0113/rgb_00054.jpg /bedroom_0113/sync_depth_00054.png 518.8579 +/dining_room_0001b/rgb_00006.jpg /dining_room_0001b/sync_depth_00006.png 518.8579 +/nyu_office_0/rgb_00366.jpg /nyu_office_0/sync_depth_00366.png 518.8579 +/bedroom_0078/rgb_00157.jpg /bedroom_0078/sync_depth_00157.png 518.8579 +/bedroom_0059/rgb_00067.jpg /bedroom_0059/sync_depth_00067.png 518.8579 +/kitchen_0019a/rgb_00231.jpg /kitchen_0019a/sync_depth_00231.png 518.8579 +/bedroom_0050/rgb_00148.jpg /bedroom_0050/sync_depth_00148.png 518.8579 +/bedroom_0129/rgb_00001.jpg /bedroom_0129/sync_depth_00001.png 518.8579 +/bedroom_0038/rgb_00004.jpg /bedroom_0038/sync_depth_00004.png 518.8579 +/bookstore_0001d/rgb_00320.jpg /bookstore_0001d/sync_depth_00320.png 518.8579 +/study_room_0004/rgb_00124.jpg /study_room_0004/sync_depth_00124.png 518.8579 +/dining_room_0007/rgb_00083.jpg /dining_room_0007/sync_depth_00083.png 518.8579 +/furniture_store_0002b/rgb_00161.jpg /furniture_store_0002b/sync_depth_00161.png 518.8579 +/living_room_0029/rgb_00070.jpg /living_room_0029/sync_depth_00070.png 518.8579 +/living_room_0082/rgb_00049.jpg /living_room_0082/sync_depth_00049.png 518.8579 +/living_room_0046a/rgb_00100.jpg /living_room_0046a/sync_depth_00100.png 518.8579 +/bedroom_0086/rgb_00004.jpg /bedroom_0086/sync_depth_00004.png 518.8579 +/living_room_0082/rgb_00025.jpg /living_room_0082/sync_depth_00025.png 518.8579 +/living_room_0029/rgb_00074.jpg /living_room_0029/sync_depth_00074.png 518.8579 +/bookstore_0001f/rgb_00396.jpg /bookstore_0001f/sync_depth_00396.png 518.8579 +/living_room_0068/rgb_00022.jpg /living_room_0068/sync_depth_00022.png 518.8579 +/bedroom_0074/rgb_00075.jpg /bedroom_0074/sync_depth_00075.png 518.8579 +/kitchen_0035a/rgb_00041.jpg /kitchen_0035a/sync_depth_00041.png 518.8579 +/classroom_0004/rgb_00102.jpg /classroom_0004/sync_depth_00102.png 518.8579 +/living_room_0046b/rgb_00070.jpg /living_room_0046b/sync_depth_00070.png 518.8579 +/bedroom_0019/rgb_00079.jpg /bedroom_0019/sync_depth_00079.png 518.8579 +/kitchen_0031/rgb_00168.jpg /kitchen_0031/sync_depth_00168.png 518.8579 +/bedroom_0081/rgb_00026.jpg /bedroom_0081/sync_depth_00026.png 518.8579 +/dining_room_0016/rgb_00014.jpg /dining_room_0016/sync_depth_00014.png 518.8579 +/office_0011/rgb_00051.jpg /office_0011/sync_depth_00051.png 518.8579 +/kitchen_0052/rgb_00122.jpg /kitchen_0052/sync_depth_00122.png 518.8579 +/kitchen_0016/rgb_00059.jpg /kitchen_0016/sync_depth_00059.png 518.8579 +/bathroom_0011/rgb_00025.jpg /bathroom_0011/sync_depth_00025.png 518.8579 +/office_0012/rgb_00030.jpg /office_0012/sync_depth_00030.png 518.8579 +/dining_room_0031/rgb_00218.jpg /dining_room_0031/sync_depth_00218.png 518.8579 +/kitchen_0053/rgb_00066.jpg /kitchen_0053/sync_depth_00066.png 518.8579 +/kitchen_0051/rgb_00061.jpg /kitchen_0051/sync_depth_00061.png 518.8579 +/home_office_0004/rgb_00000.jpg /home_office_0004/sync_depth_00000.png 518.8579 +/living_room_0040/rgb_00208.jpg /living_room_0040/sync_depth_00208.png 518.8579 +/dining_room_0015/rgb_00215.jpg /dining_room_0015/sync_depth_00215.png 518.8579 +/kitchen_0045a/rgb_00196.jpg /kitchen_0045a/sync_depth_00196.png 518.8579 +/kitchen_0048/rgb_00125.jpg /kitchen_0048/sync_depth_00125.png 518.8579 +/bedroom_0033/rgb_00001.jpg /bedroom_0033/sync_depth_00001.png 518.8579 +/bedroom_0125a/rgb_00027.jpg /bedroom_0125a/sync_depth_00027.png 518.8579 +/kitchen_0028a/rgb_00046.jpg /kitchen_0028a/sync_depth_00046.png 518.8579 +/living_room_0012/rgb_00211.jpg /living_room_0012/sync_depth_00211.png 518.8579 +/dining_room_0033/rgb_00054.jpg /dining_room_0033/sync_depth_00054.png 518.8579 +/conference_room_0001/rgb_00072.jpg /conference_room_0001/sync_depth_00072.png 518.8579 +/living_room_0062/rgb_00176.jpg /living_room_0062/sync_depth_00176.png 518.8579 +/home_office_0004/rgb_00004.jpg /home_office_0004/sync_depth_00004.png 518.8579 +/living_room_0020/rgb_00177.jpg /living_room_0020/sync_depth_00177.png 518.8579 +/furniture_store_0002b/rgb_00187.jpg /furniture_store_0002b/sync_depth_00187.png 518.8579 +/furniture_store_0001e/rgb_00080.jpg /furniture_store_0001e/sync_depth_00080.png 518.8579 +/bathroom_0011/rgb_00043.jpg /bathroom_0011/sync_depth_00043.png 518.8579 +/student_lounge_0001/rgb_00057.jpg /student_lounge_0001/sync_depth_00057.png 518.8579 +/furniture_store_0002b/rgb_00209.jpg /furniture_store_0002b/sync_depth_00209.png 518.8579 +/bedroom_0072/rgb_00038.jpg /bedroom_0072/sync_depth_00038.png 518.8579 +/bathroom_0030/rgb_00033.jpg /bathroom_0030/sync_depth_00033.png 518.8579 +/living_room_0040/rgb_00245.jpg /living_room_0040/sync_depth_00245.png 518.8579 +/student_lounge_0001/rgb_00113.jpg /student_lounge_0001/sync_depth_00113.png 518.8579 +/living_room_0022/rgb_00266.jpg /living_room_0022/sync_depth_00266.png 518.8579 +/dining_room_0012/rgb_00199.jpg /dining_room_0012/sync_depth_00199.png 518.8579 +/dining_room_0015/rgb_00176.jpg /dining_room_0015/sync_depth_00176.png 518.8579 +/classroom_0022/rgb_00075.jpg /classroom_0022/sync_depth_00075.png 518.8579 +/dining_room_0008/rgb_00102.jpg /dining_room_0008/sync_depth_00102.png 518.8579 +/kitchen_0011b/rgb_00054.jpg /kitchen_0011b/sync_depth_00054.png 518.8579 +/furniture_store_0001f/rgb_00010.jpg /furniture_store_0001f/sync_depth_00010.png 518.8579 +/bedroom_0051/rgb_00059.jpg /bedroom_0051/sync_depth_00059.png 518.8579 +/kitchen_0053/rgb_00188.jpg /kitchen_0053/sync_depth_00188.png 518.8579 +/dining_room_0037/rgb_00083.jpg /dining_room_0037/sync_depth_00083.png 518.8579 +/kitchen_0045a/rgb_00115.jpg /kitchen_0045a/sync_depth_00115.png 518.8579 +/bedroom_0078/rgb_00095.jpg /bedroom_0078/sync_depth_00095.png 518.8579 +/kitchen_0047/rgb_00030.jpg /kitchen_0047/sync_depth_00030.png 518.8579 +/living_room_0070/rgb_00019.jpg /living_room_0070/sync_depth_00019.png 518.8579 +/living_room_0046a/rgb_00072.jpg /living_room_0046a/sync_depth_00072.png 518.8579 +/bedroom_0026/rgb_00010.jpg /bedroom_0026/sync_depth_00010.png 518.8579 +/bedroom_0025/rgb_00143.jpg /bedroom_0025/sync_depth_00143.png 518.8579 +/home_office_0005/rgb_00121.jpg /home_office_0005/sync_depth_00121.png 518.8579 +/living_room_0067/rgb_00094.jpg /living_room_0067/sync_depth_00094.png 518.8579 +/kitchen_0059/rgb_00039.jpg /kitchen_0059/sync_depth_00039.png 518.8579 +/kitchen_0019a/rgb_00087.jpg /kitchen_0019a/sync_depth_00087.png 518.8579 +/laundry_room_0001/rgb_00032.jpg /laundry_room_0001/sync_depth_00032.png 518.8579 +/home_office_0011/rgb_00077.jpg /home_office_0011/sync_depth_00077.png 518.8579 +/furniture_store_0002a/rgb_00123.jpg /furniture_store_0002a/sync_depth_00123.png 518.8579 +/kitchen_0043/rgb_00116.jpg /kitchen_0043/sync_depth_00116.png 518.8579 +/dining_room_0033/rgb_00149.jpg /dining_room_0033/sync_depth_00149.png 518.8579 +/living_room_0067/rgb_00005.jpg /living_room_0067/sync_depth_00005.png 518.8579 +/bedroom_0086/rgb_00114.jpg /bedroom_0086/sync_depth_00114.png 518.8579 +/dining_room_0031/rgb_00205.jpg /dining_room_0031/sync_depth_00205.png 518.8579 +/dining_room_0016/rgb_00183.jpg /dining_room_0016/sync_depth_00183.png 518.8579 +/kitchen_0045b/rgb_00115.jpg /kitchen_0045b/sync_depth_00115.png 518.8579 +/bedroom_0140/rgb_00014.jpg /bedroom_0140/sync_depth_00014.png 518.8579 +/bedroom_0056a/rgb_00113.jpg /bedroom_0056a/sync_depth_00113.png 518.8579 +/conference_room_0001/rgb_00114.jpg /conference_room_0001/sync_depth_00114.png 518.8579 +/office_0025/rgb_00000.jpg /office_0025/sync_depth_00000.png 518.8579 +/bedroom_0050/rgb_00164.jpg /bedroom_0050/sync_depth_00164.png 518.8579 +/kitchen_0050/rgb_00158.jpg /kitchen_0050/sync_depth_00158.png 518.8579 +/living_room_0085/rgb_00055.jpg /living_room_0085/sync_depth_00055.png 518.8579 +/kitchen_0059/rgb_00075.jpg /kitchen_0059/sync_depth_00075.png 518.8579 +/home_office_0005/rgb_00052.jpg /home_office_0005/sync_depth_00052.png 518.8579 +/dining_room_0001b/rgb_00134.jpg /dining_room_0001b/sync_depth_00134.png 518.8579 +/kitchen_0052/rgb_00159.jpg /kitchen_0052/sync_depth_00159.png 518.8579 +/kitchen_0003/rgb_00125.jpg /kitchen_0003/sync_depth_00125.png 518.8579 +/nyu_office_0/rgb_00238.jpg /nyu_office_0/sync_depth_00238.png 518.8579 +/bedroom_0045/rgb_00007.jpg /bedroom_0045/sync_depth_00007.png 518.8579 +/office_0011/rgb_00105.jpg /office_0011/sync_depth_00105.png 518.8579 +/bedroom_0016/rgb_00110.jpg /bedroom_0016/sync_depth_00110.png 518.8579 +/home_office_0004/rgb_00162.jpg /home_office_0004/sync_depth_00162.png 518.8579 +/furniture_store_0002a/rgb_00354.jpg /furniture_store_0002a/sync_depth_00354.png 518.8579 +/kitchen_0051/rgb_00052.jpg /kitchen_0051/sync_depth_00052.png 518.8579 +/furniture_store_0002d/rgb_00040.jpg /furniture_store_0002d/sync_depth_00040.png 518.8579 +/bedroom_0096/rgb_00053.jpg /bedroom_0096/sync_depth_00053.png 518.8579 +/kitchen_0003/rgb_00061.jpg /kitchen_0003/sync_depth_00061.png 518.8579 +/kitchen_0043/rgb_00130.jpg /kitchen_0043/sync_depth_00130.png 518.8579 +/bedroom_0062/rgb_00069.jpg /bedroom_0062/sync_depth_00069.png 518.8579 +/bookstore_0001f/rgb_00466.jpg /bookstore_0001f/sync_depth_00466.png 518.8579 +/bedroom_0086/rgb_00129.jpg /bedroom_0086/sync_depth_00129.png 518.8579 +/kitchen_0037/rgb_00009.jpg /kitchen_0037/sync_depth_00009.png 518.8579 +/living_room_0004/rgb_00111.jpg /living_room_0004/sync_depth_00111.png 518.8579 +/dining_room_0012/rgb_00082.jpg /dining_room_0012/sync_depth_00082.png 518.8579 +/bookstore_0001g/rgb_00182.jpg /bookstore_0001g/sync_depth_00182.png 518.8579 +/living_room_0083/rgb_00053.jpg /living_room_0083/sync_depth_00053.png 518.8579 +/dining_room_0023/rgb_00119.jpg /dining_room_0023/sync_depth_00119.png 518.8579 +/kitchen_0052/rgb_00051.jpg /kitchen_0052/sync_depth_00051.png 518.8579 +/furniture_store_0001a/rgb_00051.jpg /furniture_store_0001a/sync_depth_00051.png 518.8579 +/kitchen_0049/rgb_00028.jpg /kitchen_0049/sync_depth_00028.png 518.8579 +/kitchen_0035b/rgb_00152.jpg /kitchen_0035b/sync_depth_00152.png 518.8579 +/bedroom_0104/rgb_00005.jpg /bedroom_0104/sync_depth_00005.png 518.8579 +/dining_room_0029/rgb_00003.jpg /dining_room_0029/sync_depth_00003.png 518.8579 +/home_storage_0001/rgb_00015.jpg /home_storage_0001/sync_depth_00015.png 518.8579 +/living_room_0010/rgb_00090.jpg /living_room_0010/sync_depth_00090.png 518.8579 +/dining_room_0013/rgb_00032.jpg /dining_room_0013/sync_depth_00032.png 518.8579 +/home_office_0004/rgb_00001.jpg /home_office_0004/sync_depth_00001.png 518.8579 +/bedroom_0026/rgb_00000.jpg /bedroom_0026/sync_depth_00000.png 518.8579 +/living_room_0029/rgb_00020.jpg /living_room_0029/sync_depth_00020.png 518.8579 +/bedroom_0004/rgb_00154.jpg /bedroom_0004/sync_depth_00154.png 518.8579 +/kitchen_0045a/rgb_00169.jpg /kitchen_0045a/sync_depth_00169.png 518.8579 +/bedroom_0031/rgb_00033.jpg /bedroom_0031/sync_depth_00033.png 518.8579 +/bedroom_0071/rgb_00190.jpg /bedroom_0071/sync_depth_00190.png 518.8579 +/bookstore_0001j/rgb_00095.jpg /bookstore_0001j/sync_depth_00095.png 518.8579 +/bathroom_0028/rgb_00126.jpg /bathroom_0028/sync_depth_00126.png 518.8579 +/bedroom_0098/rgb_00060.jpg /bedroom_0098/sync_depth_00060.png 518.8579 +/furniture_store_0002a/rgb_00259.jpg /furniture_store_0002a/sync_depth_00259.png 518.8579 +/kitchen_0050/rgb_00106.jpg /kitchen_0050/sync_depth_00106.png 518.8579 +/living_room_0046a/rgb_00066.jpg /living_room_0046a/sync_depth_00066.png 518.8579 +/living_room_0005/rgb_00013.jpg /living_room_0005/sync_depth_00013.png 518.8579 +/living_room_0020/rgb_00199.jpg /living_room_0020/sync_depth_00199.png 518.8579 +/furniture_store_0001d/rgb_00262.jpg /furniture_store_0001d/sync_depth_00262.png 518.8579 +/bedroom_0062/rgb_00041.jpg /bedroom_0062/sync_depth_00041.png 518.8579 +/reception_room_0002/rgb_00166.jpg /reception_room_0002/sync_depth_00166.png 518.8579 +/living_room_0040/rgb_00193.jpg /living_room_0040/sync_depth_00193.png 518.8579 +/kitchen_0043/rgb_00058.jpg /kitchen_0043/sync_depth_00058.png 518.8579 +/living_room_0071/rgb_00020.jpg /living_room_0071/sync_depth_00020.png 518.8579 +/office_0011/rgb_00072.jpg /office_0011/sync_depth_00072.png 518.8579 +/bedroom_0071/rgb_00174.jpg /bedroom_0071/sync_depth_00174.png 518.8579 +/playroom_0004/rgb_00121.jpg /playroom_0004/sync_depth_00121.png 518.8579 +/basement_0001a/rgb_00089.jpg /basement_0001a/sync_depth_00089.png 518.8579 +/bedroom_0113/rgb_00025.jpg /bedroom_0113/sync_depth_00025.png 518.8579 +/playroom_0003/rgb_00007.jpg /playroom_0003/sync_depth_00007.png 518.8579 +/playroom_0003/rgb_00118.jpg /playroom_0003/sync_depth_00118.png 518.8579 +/dining_room_0012/rgb_00065.jpg /dining_room_0012/sync_depth_00065.png 518.8579 +/bedroom_0051/rgb_00113.jpg /bedroom_0051/sync_depth_00113.png 518.8579 +/living_room_0058/rgb_00117.jpg /living_room_0058/sync_depth_00117.png 518.8579 +/office_0011/rgb_00158.jpg /office_0011/sync_depth_00158.png 518.8579 +/bedroom_0086/rgb_00103.jpg /bedroom_0086/sync_depth_00103.png 518.8579 +/dining_room_0008/rgb_00086.jpg /dining_room_0008/sync_depth_00086.png 518.8579 +/bookstore_0001d/rgb_00091.jpg /bookstore_0001d/sync_depth_00091.png 518.8579 +/dining_room_0007/rgb_00142.jpg /dining_room_0007/sync_depth_00142.png 518.8579 +/kitchen_0045a/rgb_00125.jpg /kitchen_0045a/sync_depth_00125.png 518.8579 +/furniture_store_0002b/rgb_00064.jpg /furniture_store_0002b/sync_depth_00064.png 518.8579 +/kitchen_0029c/rgb_00050.jpg /kitchen_0029c/sync_depth_00050.png 518.8579 +/home_office_0011/rgb_00100.jpg /home_office_0011/sync_depth_00100.png 518.8579 +/office_0012/rgb_00054.jpg /office_0012/sync_depth_00054.png 518.8579 +/classroom_0004/rgb_00065.jpg /classroom_0004/sync_depth_00065.png 518.8579 +/bedroom_0051/rgb_00132.jpg /bedroom_0051/sync_depth_00132.png 518.8579 +/bedroom_0065/rgb_00013.jpg /bedroom_0065/sync_depth_00013.png 518.8579 +/cafe_0001b/rgb_00011.jpg /cafe_0001b/sync_depth_00011.png 518.8579 +/classroom_0011/rgb_00033.jpg /classroom_0011/sync_depth_00033.png 518.8579 +/living_room_0058/rgb_00098.jpg /living_room_0058/sync_depth_00098.png 518.8579 +/bedroom_0016/rgb_00204.jpg /bedroom_0016/sync_depth_00204.png 518.8579 +/bookstore_0001f/rgb_00020.jpg /bookstore_0001f/sync_depth_00020.png 518.8579 +/bedroom_0019/rgb_00077.jpg /bedroom_0019/sync_depth_00077.png 518.8579 +/living_room_0050/rgb_00282.jpg /living_room_0050/sync_depth_00282.png 518.8579 +/kitchen_0011a/rgb_00106.jpg /kitchen_0011a/sync_depth_00106.png 518.8579 +/dining_room_0012/rgb_00055.jpg /dining_room_0012/sync_depth_00055.png 518.8579 +/dining_room_0029/rgb_00032.jpg /dining_room_0029/sync_depth_00032.png 518.8579 +/living_room_0018/rgb_00018.jpg /living_room_0018/sync_depth_00018.png 518.8579 +/classroom_0004/rgb_00108.jpg /classroom_0004/sync_depth_00108.png 518.8579 +/kitchen_0050/rgb_00161.jpg /kitchen_0050/sync_depth_00161.png 518.8579 +/dining_room_0015/rgb_00023.jpg /dining_room_0015/sync_depth_00023.png 518.8579 +/kitchen_0017/rgb_00009.jpg /kitchen_0017/sync_depth_00009.png 518.8579 +/bedroom_0072/rgb_00092.jpg /bedroom_0072/sync_depth_00092.png 518.8579 +/living_room_0068/rgb_00047.jpg /living_room_0068/sync_depth_00047.png 518.8579 +/furniture_store_0002a/rgb_00309.jpg /furniture_store_0002a/sync_depth_00309.png 518.8579 +/study_room_0005b/rgb_00010.jpg /study_room_0005b/sync_depth_00010.png 518.8579 +/office_0004/rgb_00052.jpg /office_0004/sync_depth_00052.png 518.8579 +/dining_room_0031/rgb_00387.jpg /dining_room_0031/sync_depth_00387.png 518.8579 +/kitchen_0029b/rgb_00019.jpg /kitchen_0029b/sync_depth_00019.png 518.8579 +/living_room_0012/rgb_00213.jpg /living_room_0012/sync_depth_00213.png 518.8579 +/office_0006/rgb_00093.jpg /office_0006/sync_depth_00093.png 518.8579 +/kitchen_0019a/rgb_00096.jpg /kitchen_0019a/sync_depth_00096.png 518.8579 +/bookstore_0001j/rgb_00316.jpg /bookstore_0001j/sync_depth_00316.png 518.8579 +/study_room_0004/rgb_00116.jpg /study_room_0004/sync_depth_00116.png 518.8579 +/living_room_0046b/rgb_00012.jpg /living_room_0046b/sync_depth_00012.png 518.8579 +/kitchen_0035b/rgb_00057.jpg /kitchen_0035b/sync_depth_00057.png 518.8579 +/kitchen_0045b/rgb_00012.jpg /kitchen_0045b/sync_depth_00012.png 518.8579 +/furniture_store_0001c/rgb_00004.jpg /furniture_store_0001c/sync_depth_00004.png 518.8579 +/office_0003/rgb_00013.jpg /office_0003/sync_depth_00013.png 518.8579 +/living_room_0010/rgb_00055.jpg /living_room_0010/sync_depth_00055.png 518.8579 +/bookstore_0001g/rgb_00191.jpg /bookstore_0001g/sync_depth_00191.png 518.8579 +/living_room_0083/rgb_00076.jpg /living_room_0083/sync_depth_00076.png 518.8579 +/living_room_0039/rgb_00187.jpg /living_room_0039/sync_depth_00187.png 518.8579 +/office_0026/rgb_00042.jpg /office_0026/sync_depth_00042.png 518.8579 +/dining_room_0012/rgb_00183.jpg /dining_room_0012/sync_depth_00183.png 518.8579 +/bedroom_0019/rgb_00136.jpg /bedroom_0019/sync_depth_00136.png 518.8579 +/bedroom_0050/rgb_00161.jpg /bedroom_0050/sync_depth_00161.png 518.8579 +/nyu_office_1/rgb_00060.jpg /nyu_office_1/sync_depth_00060.png 518.8579 +/living_room_0069a/rgb_00110.jpg /living_room_0069a/sync_depth_00110.png 518.8579 +/kitchen_0049/rgb_00236.jpg /kitchen_0049/sync_depth_00236.png 518.8579 +/living_room_0078/rgb_00066.jpg /living_room_0078/sync_depth_00066.png 518.8579 +/reception_room_0002/rgb_00154.jpg /reception_room_0002/sync_depth_00154.png 518.8579 +/nyu_office_0/rgb_00171.jpg /nyu_office_0/sync_depth_00171.png 518.8579 +/study_room_0005a/rgb_00017.jpg /study_room_0005a/sync_depth_00017.png 518.8579 +/dining_room_0019/rgb_00126.jpg /dining_room_0019/sync_depth_00126.png 518.8579 +/bedroom_0076a/rgb_00201.jpg /bedroom_0076a/sync_depth_00201.png 518.8579 +/living_room_0046a/rgb_00011.jpg /living_room_0046a/sync_depth_00011.png 518.8579 +/living_room_0010/rgb_00175.jpg /living_room_0010/sync_depth_00175.png 518.8579 +/bedroom_0129/rgb_00074.jpg /bedroom_0129/sync_depth_00074.png 518.8579 +/living_room_0019/rgb_00089.jpg /living_room_0019/sync_depth_00089.png 518.8579 +/bedroom_0029/rgb_00002.jpg /bedroom_0029/sync_depth_00002.png 518.8579 +/living_room_0063/rgb_00011.jpg /living_room_0063/sync_depth_00011.png 518.8579 +/office_0025/rgb_00003.jpg /office_0025/sync_depth_00003.png 518.8579 +/bookstore_0001f/rgb_00407.jpg /bookstore_0001f/sync_depth_00407.png 518.8579 +/bedroom_0076a/rgb_00156.jpg /bedroom_0076a/sync_depth_00156.png 518.8579 +/living_room_0039/rgb_00152.jpg /living_room_0039/sync_depth_00152.png 518.8579 +/study_0008/rgb_00018.jpg /study_0008/sync_depth_00018.png 518.8579 +/kitchen_0003/rgb_00058.jpg /kitchen_0003/sync_depth_00058.png 518.8579 +/living_room_0022/rgb_00311.jpg /living_room_0022/sync_depth_00311.png 518.8579 +/bedroom_0069/rgb_00072.jpg /bedroom_0069/sync_depth_00072.png 518.8579 +/kitchen_0035b/rgb_00130.jpg /kitchen_0035b/sync_depth_00130.png 518.8579 +/bedroom_0106/rgb_00093.jpg /bedroom_0106/sync_depth_00093.png 518.8579 +/office_0011/rgb_00003.jpg /office_0011/sync_depth_00003.png 518.8579 +/living_room_0046b/rgb_00029.jpg /living_room_0046b/sync_depth_00029.png 518.8579 +/bedroom_0072/rgb_00149.jpg /bedroom_0072/sync_depth_00149.png 518.8579 +/dining_room_0034/rgb_00069.jpg /dining_room_0034/sync_depth_00069.png 518.8579 +/bedroom_0026/rgb_00013.jpg /bedroom_0026/sync_depth_00013.png 518.8579 +/bookstore_0001g/rgb_00260.jpg /bookstore_0001g/sync_depth_00260.png 518.8579 +/nyu_office_0/rgb_00344.jpg /nyu_office_0/sync_depth_00344.png 518.8579 +/bookstore_0001h/rgb_00016.jpg /bookstore_0001h/sync_depth_00016.png 518.8579 +/bedroom_0080/rgb_00062.jpg /bedroom_0080/sync_depth_00062.png 518.8579 +/bookstore_0001f/rgb_00136.jpg /bookstore_0001f/sync_depth_00136.png 518.8579 +/bathroom_0014a/rgb_00082.jpg /bathroom_0014a/sync_depth_00082.png 518.8579 +/kitchen_0028b/rgb_00004.jpg /kitchen_0028b/sync_depth_00004.png 518.8579 +/bathroom_0042/rgb_00021.jpg /bathroom_0042/sync_depth_00021.png 518.8579 +/classroom_0003/rgb_00055.jpg /classroom_0003/sync_depth_00055.png 518.8579 +/bookstore_0001h/rgb_00173.jpg /bookstore_0001h/sync_depth_00173.png 518.8579 +/living_room_0019/rgb_00051.jpg /living_room_0019/sync_depth_00051.png 518.8579 +/living_room_0005/rgb_00008.jpg /living_room_0005/sync_depth_00008.png 518.8579 +/kitchen_0028a/rgb_00134.jpg /kitchen_0028a/sync_depth_00134.png 518.8579 +/bedroom_0056a/rgb_00048.jpg /bedroom_0056a/sync_depth_00048.png 518.8579 +/bookstore_0001j/rgb_00172.jpg /bookstore_0001j/sync_depth_00172.png 518.8579 +/office_0026/rgb_00162.jpg /office_0026/sync_depth_00162.png 518.8579 +/home_office_0006/rgb_00071.jpg /home_office_0006/sync_depth_00071.png 518.8579 +/bathroom_0019/rgb_00008.jpg /bathroom_0019/sync_depth_00008.png 518.8579 +/bedroom_0015/rgb_00055.jpg /bedroom_0015/sync_depth_00055.png 518.8579 +/dining_room_0023/rgb_00062.jpg /dining_room_0023/sync_depth_00062.png 518.8579 +/bedroom_0097/rgb_00030.jpg /bedroom_0097/sync_depth_00030.png 518.8579 +/office_0009/rgb_00083.jpg /office_0009/sync_depth_00083.png 518.8579 +/nyu_office_0/rgb_00231.jpg /nyu_office_0/sync_depth_00231.png 518.8579 +/bedroom_0052/rgb_00061.jpg /bedroom_0052/sync_depth_00061.png 518.8579 +/bedroom_0113/rgb_00010.jpg /bedroom_0113/sync_depth_00010.png 518.8579 +/living_room_0012/rgb_00069.jpg /living_room_0012/sync_depth_00069.png 518.8579 +/bedroom_0052/rgb_00186.jpg /bedroom_0052/sync_depth_00186.png 518.8579 +/bathroom_0042/rgb_00025.jpg /bathroom_0042/sync_depth_00025.png 518.8579 +/study_room_0004/rgb_00087.jpg /study_room_0004/sync_depth_00087.png 518.8579 +/furniture_store_0001c/rgb_00027.jpg /furniture_store_0001c/sync_depth_00027.png 518.8579 +/living_room_0010/rgb_00030.jpg /living_room_0010/sync_depth_00030.png 518.8579 +/bedroom_0072/rgb_00089.jpg /bedroom_0072/sync_depth_00089.png 518.8579 +/office_0011/rgb_00131.jpg /office_0011/sync_depth_00131.png 518.8579 +/dining_room_0029/rgb_00099.jpg /dining_room_0029/sync_depth_00099.png 518.8579 +/living_room_0063/rgb_00148.jpg /living_room_0063/sync_depth_00148.png 518.8579 +/bedroom_0040/rgb_00011.jpg /bedroom_0040/sync_depth_00011.png 518.8579 +/kitchen_0029c/rgb_00112.jpg /kitchen_0029c/sync_depth_00112.png 518.8579 +/bedroom_0129/rgb_00061.jpg /bedroom_0129/sync_depth_00061.png 518.8579 +/home_office_0008/rgb_00077.jpg /home_office_0008/sync_depth_00077.png 518.8579 +/bedroom_0140/rgb_00155.jpg /bedroom_0140/sync_depth_00155.png 518.8579 +/kitchen_0049/rgb_00011.jpg /kitchen_0049/sync_depth_00011.png 518.8579 +/bookstore_0001f/rgb_00101.jpg /bookstore_0001f/sync_depth_00101.png 518.8579 +/bedroom_0129/rgb_00013.jpg /bedroom_0129/sync_depth_00013.png 518.8579 +/living_room_0020/rgb_00243.jpg /living_room_0020/sync_depth_00243.png 518.8579 +/living_room_0068/rgb_00118.jpg /living_room_0068/sync_depth_00118.png 518.8579 +/dining_room_0034/rgb_00215.jpg /dining_room_0034/sync_depth_00215.png 518.8579 +/bedroom_0078/rgb_00063.jpg /bedroom_0078/sync_depth_00063.png 518.8579 +/kitchen_0047/rgb_00095.jpg /kitchen_0047/sync_depth_00095.png 518.8579 +/bathroom_0007/rgb_00022.jpg /bathroom_0007/sync_depth_00022.png 518.8579 +/kitchen_0019a/rgb_00045.jpg /kitchen_0019a/sync_depth_00045.png 518.8579 +/reception_room_0002/rgb_00168.jpg /reception_room_0002/sync_depth_00168.png 518.8579 +/home_office_0008/rgb_00151.jpg /home_office_0008/sync_depth_00151.png 518.8579 +/bedroom_0078/rgb_00145.jpg /bedroom_0078/sync_depth_00145.png 518.8579 +/living_room_0010/rgb_00202.jpg /living_room_0010/sync_depth_00202.png 518.8579 +/living_room_0018/rgb_00017.jpg /living_room_0018/sync_depth_00017.png 518.8579 +/bookstore_0001e/rgb_00086.jpg /bookstore_0001e/sync_depth_00086.png 518.8579 +/living_room_0068/rgb_00021.jpg /living_room_0068/sync_depth_00021.png 518.8579 +/kitchen_0060/rgb_00050.jpg /kitchen_0060/sync_depth_00050.png 518.8579 +/office_0006/rgb_00147.jpg /office_0006/sync_depth_00147.png 518.8579 +/bookstore_0001d/rgb_00254.jpg /bookstore_0001d/sync_depth_00254.png 518.8579 +/dining_room_0028/rgb_00063.jpg /dining_room_0028/sync_depth_00063.png 518.8579 +/playroom_0003/rgb_00083.jpg /playroom_0003/sync_depth_00083.png 518.8579 +/living_room_0040/rgb_00326.jpg /living_room_0040/sync_depth_00326.png 518.8579 +/office_kitchen_0003/rgb_00086.jpg /office_kitchen_0003/sync_depth_00086.png 518.8579 +/bedroom_0106/rgb_00118.jpg /bedroom_0106/sync_depth_00118.png 518.8579 +/bookstore_0001f/rgb_00442.jpg /bookstore_0001f/sync_depth_00442.png 518.8579 +/study_room_0005b/rgb_00054.jpg /study_room_0005b/sync_depth_00054.png 518.8579 +/bathroom_0005/rgb_00018.jpg /bathroom_0005/sync_depth_00018.png 518.8579 +/kitchen_0033/rgb_00140.jpg /kitchen_0033/sync_depth_00140.png 518.8579 +/living_room_0068/rgb_00042.jpg /living_room_0068/sync_depth_00042.png 518.8579 +/kitchen_0016/rgb_00105.jpg /kitchen_0016/sync_depth_00105.png 518.8579 +/dining_room_0031/rgb_00354.jpg /dining_room_0031/sync_depth_00354.png 518.8579 +/bedroom_0079/rgb_00011.jpg /bedroom_0079/sync_depth_00011.png 518.8579 +/kitchen_0011b/rgb_00043.jpg /kitchen_0011b/sync_depth_00043.png 518.8579 +/dining_room_0033/rgb_00146.jpg /dining_room_0033/sync_depth_00146.png 518.8579 +/home_storage_0001/rgb_00123.jpg /home_storage_0001/sync_depth_00123.png 518.8579 +/bathroom_0028/rgb_00116.jpg /bathroom_0028/sync_depth_00116.png 518.8579 +/playroom_0006/rgb_00145.jpg /playroom_0006/sync_depth_00145.png 518.8579 +/bedroom_0053/rgb_00019.jpg /bedroom_0053/sync_depth_00019.png 518.8579 +/living_room_0055/rgb_00060.jpg /living_room_0055/sync_depth_00060.png 518.8579 +/bedroom_0067b/rgb_00013.jpg /bedroom_0067b/sync_depth_00013.png 518.8579 +/bathroom_0048/rgb_00029.jpg /bathroom_0048/sync_depth_00029.png 518.8579 +/study_0003/rgb_00120.jpg /study_0003/sync_depth_00120.png 518.8579 +/living_room_0067/rgb_00087.jpg /living_room_0067/sync_depth_00087.png 518.8579 +/bookstore_0001g/rgb_00001.jpg /bookstore_0001g/sync_depth_00001.png 518.8579 +/classroom_0004/rgb_00049.jpg /classroom_0004/sync_depth_00049.png 518.8579 +/bedroom_0012/rgb_00066.jpg /bedroom_0012/sync_depth_00066.png 518.8579 +/study_room_0004/rgb_00021.jpg /study_room_0004/sync_depth_00021.png 518.8579 +/furniture_store_0002c/rgb_00047.jpg /furniture_store_0002c/sync_depth_00047.png 518.8579 +/bedroom_0052/rgb_00102.jpg /bedroom_0052/sync_depth_00102.png 518.8579 +/dining_room_0004/rgb_00094.jpg /dining_room_0004/sync_depth_00094.png 518.8579 +/bedroom_0076a/rgb_00175.jpg /bedroom_0076a/sync_depth_00175.png 518.8579 +/living_room_0039/rgb_00070.jpg /living_room_0039/sync_depth_00070.png 518.8579 +/bedroom_0063/rgb_00109.jpg /bedroom_0063/sync_depth_00109.png 518.8579 +/kitchen_0010/rgb_00052.jpg /kitchen_0010/sync_depth_00052.png 518.8579 +/bedroom_0025/rgb_00073.jpg /bedroom_0025/sync_depth_00073.png 518.8579 +/home_office_0004/rgb_00090.jpg /home_office_0004/sync_depth_00090.png 518.8579 +/kitchen_0029c/rgb_00000.jpg /kitchen_0029c/sync_depth_00000.png 518.8579 +/bedroom_0098/rgb_00011.jpg /bedroom_0098/sync_depth_00011.png 518.8579 +/furniture_store_0002b/rgb_00043.jpg /furniture_store_0002b/sync_depth_00043.png 518.8579 +/basement_0001a/rgb_00050.jpg /basement_0001a/sync_depth_00050.png 518.8579 +/bookstore_0001f/rgb_00514.jpg /bookstore_0001f/sync_depth_00514.png 518.8579 +/bedroom_0052/rgb_00128.jpg /bedroom_0052/sync_depth_00128.png 518.8579 +/playroom_0003/rgb_00064.jpg /playroom_0003/sync_depth_00064.png 518.8579 +/kitchen_0052/rgb_00163.jpg /kitchen_0052/sync_depth_00163.png 518.8579 +/kitchen_0045a/rgb_00037.jpg /kitchen_0045a/sync_depth_00037.png 518.8579 +/bedroom_0066/rgb_00035.jpg /bedroom_0066/sync_depth_00035.png 518.8579 +/kitchen_0049/rgb_00173.jpg /kitchen_0049/sync_depth_00173.png 518.8579 +/bedroom_0050/rgb_00098.jpg /bedroom_0050/sync_depth_00098.png 518.8579 +/bedroom_0130/rgb_00058.jpg /bedroom_0130/sync_depth_00058.png 518.8579 +/bedroom_0053/rgb_00040.jpg /bedroom_0053/sync_depth_00040.png 518.8579 +/kitchen_0043/rgb_00091.jpg /kitchen_0043/sync_depth_00091.png 518.8579 +/nyu_office_0/rgb_00037.jpg /nyu_office_0/sync_depth_00037.png 518.8579 +/bookstore_0001f/rgb_00471.jpg /bookstore_0001f/sync_depth_00471.png 518.8579 +/kitchen_0029a/rgb_00025.jpg /kitchen_0029a/sync_depth_00025.png 518.8579 +/reception_room_0001b/rgb_00000.jpg /reception_room_0001b/sync_depth_00000.png 518.8579 +/dining_room_0015/rgb_00122.jpg /dining_room_0015/sync_depth_00122.png 518.8579 +/bookstore_0001f/rgb_00409.jpg /bookstore_0001f/sync_depth_00409.png 518.8579 +/reception_room_0001b/rgb_00045.jpg /reception_room_0001b/sync_depth_00045.png 518.8579 +/bathroom_0007/rgb_00043.jpg /bathroom_0007/sync_depth_00043.png 518.8579 +/office_0004/rgb_00054.jpg /office_0004/sync_depth_00054.png 518.8579 +/living_room_0018/rgb_00143.jpg /living_room_0018/sync_depth_00143.png 518.8579 +/dining_room_0024/rgb_00032.jpg /dining_room_0024/sync_depth_00032.png 518.8579 +/bathroom_0039/rgb_00058.jpg /bathroom_0039/sync_depth_00058.png 518.8579 +/bedroom_0140/rgb_00011.jpg /bedroom_0140/sync_depth_00011.png 518.8579 +/bedroom_0016/rgb_00087.jpg /bedroom_0016/sync_depth_00087.png 518.8579 +/living_room_0040/rgb_00160.jpg /living_room_0040/sync_depth_00160.png 518.8579 +/kitchen_0029b/rgb_00005.jpg /kitchen_0029b/sync_depth_00005.png 518.8579 +/living_room_0047a/rgb_00045.jpg /living_room_0047a/sync_depth_00045.png 518.8579 +/dining_room_0008/rgb_00006.jpg /dining_room_0008/sync_depth_00006.png 518.8579 +/dining_room_0008/rgb_00201.jpg /dining_room_0008/sync_depth_00201.png 518.8579 +/bedroom_0086/rgb_00113.jpg /bedroom_0086/sync_depth_00113.png 518.8579 +/conference_room_0001/rgb_00044.jpg /conference_room_0001/sync_depth_00044.png 518.8579 +/dining_room_0007/rgb_00092.jpg /dining_room_0007/sync_depth_00092.png 518.8579 +/furniture_store_0001d/rgb_00065.jpg /furniture_store_0001d/sync_depth_00065.png 518.8579 +/living_room_0055/rgb_00005.jpg /living_room_0055/sync_depth_00005.png 518.8579 +/classroom_0016/rgb_00010.jpg /classroom_0016/sync_depth_00010.png 518.8579 +/bookstore_0001i/rgb_00160.jpg /bookstore_0001i/sync_depth_00160.png 518.8579 +/dining_room_0015/rgb_00283.jpg /dining_room_0015/sync_depth_00283.png 518.8579 +/living_room_0069a/rgb_00093.jpg /living_room_0069a/sync_depth_00093.png 518.8579 +/bathroom_0010/rgb_00012.jpg /bathroom_0010/sync_depth_00012.png 518.8579 +/kitchen_0006/rgb_00070.jpg /kitchen_0006/sync_depth_00070.png 518.8579 +/bathroom_0051/rgb_00030.jpg /bathroom_0051/sync_depth_00030.png 518.8579 +/living_room_0070/rgb_00029.jpg /living_room_0070/sync_depth_00029.png 518.8579 +/living_room_0005/rgb_00074.jpg /living_room_0005/sync_depth_00074.png 518.8579 +/bedroom_0104/rgb_00068.jpg /bedroom_0104/sync_depth_00068.png 518.8579 +/office_0026/rgb_00160.jpg /office_0026/sync_depth_00160.png 518.8579 +/furniture_store_0001e/rgb_00066.jpg /furniture_store_0001e/sync_depth_00066.png 518.8579 +/playroom_0002/rgb_00045.jpg /playroom_0002/sync_depth_00045.png 518.8579 +/classroom_0006/rgb_00014.jpg /classroom_0006/sync_depth_00014.png 518.8579 +/kitchen_0029c/rgb_00051.jpg /kitchen_0029c/sync_depth_00051.png 518.8579 +/furniture_store_0002b/rgb_00277.jpg /furniture_store_0002b/sync_depth_00277.png 518.8579 +/kitchen_0048/rgb_00007.jpg /kitchen_0048/sync_depth_00007.png 518.8579 +/kitchen_0037/rgb_00015.jpg /kitchen_0037/sync_depth_00015.png 518.8579 +/bedroom_0076a/rgb_00287.jpg /bedroom_0076a/sync_depth_00287.png 518.8579 +/kitchen_0016/rgb_00007.jpg /kitchen_0016/sync_depth_00007.png 518.8579 +/bookstore_0001f/rgb_00193.jpg /bookstore_0001f/sync_depth_00193.png 518.8579 +/home_storage_0001/rgb_00046.jpg /home_storage_0001/sync_depth_00046.png 518.8579 +/dining_room_0037/rgb_00091.jpg /dining_room_0037/sync_depth_00091.png 518.8579 +/bathroom_0042/rgb_00013.jpg /bathroom_0042/sync_depth_00013.png 518.8579 +/bedroom_0140/rgb_00007.jpg /bedroom_0140/sync_depth_00007.png 518.8579 +/bathroom_0010/rgb_00015.jpg /bathroom_0010/sync_depth_00015.png 518.8579 +/bedroom_0051/rgb_00042.jpg /bedroom_0051/sync_depth_00042.png 518.8579 +/home_office_0004/rgb_00071.jpg /home_office_0004/sync_depth_00071.png 518.8579 +/living_room_0069a/rgb_00097.jpg /living_room_0069a/sync_depth_00097.png 518.8579 +/bedroom_0060/rgb_00100.jpg /bedroom_0060/sync_depth_00100.png 518.8579 +/bedroom_0076a/rgb_00223.jpg /bedroom_0076a/sync_depth_00223.png 518.8579 +/bathroom_0006/rgb_00028.jpg /bathroom_0006/sync_depth_00028.png 518.8579 +/office_0003/rgb_00048.jpg /office_0003/sync_depth_00048.png 518.8579 +/living_room_0062/rgb_00102.jpg /living_room_0062/sync_depth_00102.png 518.8579 +/kitchen_0033/rgb_00151.jpg /kitchen_0033/sync_depth_00151.png 518.8579 +/nyu_office_0/rgb_00212.jpg /nyu_office_0/sync_depth_00212.png 518.8579 +/classroom_0022/rgb_00067.jpg /classroom_0022/sync_depth_00067.png 518.8579 +/reception_room_0001b/rgb_00125.jpg /reception_room_0001b/sync_depth_00125.png 518.8579 +/dining_room_0007/rgb_00024.jpg /dining_room_0007/sync_depth_00024.png 518.8579 +/dining_room_0028/rgb_00011.jpg /dining_room_0028/sync_depth_00011.png 518.8579 +/living_room_0020/rgb_00067.jpg /living_room_0020/sync_depth_00067.png 518.8579 +/living_room_0022/rgb_00316.jpg /living_room_0022/sync_depth_00316.png 518.8579 +/bedroom_0106/rgb_00087.jpg /bedroom_0106/sync_depth_00087.png 518.8579 +/living_room_0005/rgb_00142.jpg /living_room_0005/sync_depth_00142.png 518.8579 +/bedroom_0069/rgb_00037.jpg /bedroom_0069/sync_depth_00037.png 518.8579 +/living_room_0055/rgb_00023.jpg /living_room_0055/sync_depth_00023.png 518.8579 +/nyu_office_0/rgb_00078.jpg /nyu_office_0/sync_depth_00078.png 518.8579 +/kitchen_0049/rgb_00058.jpg /kitchen_0049/sync_depth_00058.png 518.8579 +/bedroom_0025/rgb_00020.jpg /bedroom_0025/sync_depth_00020.png 518.8579 +/kitchen_0045a/rgb_00024.jpg /kitchen_0045a/sync_depth_00024.png 518.8579 +/living_room_0068/rgb_00092.jpg /living_room_0068/sync_depth_00092.png 518.8579 +/bedroom_0138/rgb_00025.jpg /bedroom_0138/sync_depth_00025.png 518.8579 +/dining_room_0002/rgb_00008.jpg /dining_room_0002/sync_depth_00008.png 518.8579 +/classroom_0012/rgb_00006.jpg /classroom_0012/sync_depth_00006.png 518.8579 +/dining_room_0008/rgb_00129.jpg /dining_room_0008/sync_depth_00129.png 518.8579 +/office_0026/rgb_00061.jpg /office_0026/sync_depth_00061.png 518.8579 +/bedroom_0062/rgb_00075.jpg /bedroom_0062/sync_depth_00075.png 518.8579 +/bookstore_0001i/rgb_00057.jpg /bookstore_0001i/sync_depth_00057.png 518.8579 +/living_room_0018/rgb_00101.jpg /living_room_0018/sync_depth_00101.png 518.8579 +/kitchen_0019a/rgb_00100.jpg /kitchen_0019a/sync_depth_00100.png 518.8579 +/reception_room_0002/rgb_00127.jpg /reception_room_0002/sync_depth_00127.png 518.8579 +/home_office_0011/rgb_00075.jpg /home_office_0011/sync_depth_00075.png 518.8579 +/bathroom_0054/rgb_00013.jpg /bathroom_0054/sync_depth_00013.png 518.8579 +/living_room_0069b/rgb_00055.jpg /living_room_0069b/sync_depth_00055.png 518.8579 +/living_room_0069a/rgb_00020.jpg /living_room_0069a/sync_depth_00020.png 518.8579 +/living_room_0012/rgb_00217.jpg /living_room_0012/sync_depth_00217.png 518.8579 +/reception_room_0002/rgb_00114.jpg /reception_room_0002/sync_depth_00114.png 518.8579 +/living_room_0005/rgb_00086.jpg /living_room_0005/sync_depth_00086.png 518.8579 +/living_room_0032/rgb_00003.jpg /living_room_0032/sync_depth_00003.png 518.8579 +/nyu_office_0/rgb_00253.jpg /nyu_office_0/sync_depth_00253.png 518.8579 +/bedroom_0130/rgb_00016.jpg /bedroom_0130/sync_depth_00016.png 518.8579 +/nyu_office_0/rgb_00011.jpg /nyu_office_0/sync_depth_00011.png 518.8579 +/living_room_0046b/rgb_00083.jpg /living_room_0046b/sync_depth_00083.png 518.8579 +/living_room_0035/rgb_00097.jpg /living_room_0035/sync_depth_00097.png 518.8579 +/kitchen_0047/rgb_00005.jpg /kitchen_0047/sync_depth_00005.png 518.8579 +/living_room_0069b/rgb_00005.jpg /living_room_0069b/sync_depth_00005.png 518.8579 +/kitchen_0028a/rgb_00121.jpg /kitchen_0028a/sync_depth_00121.png 518.8579 +/bedroom_0016/rgb_00062.jpg /bedroom_0016/sync_depth_00062.png 518.8579 +/nyu_office_0/rgb_00354.jpg /nyu_office_0/sync_depth_00354.png 518.8579 +/bedroom_0125b/rgb_00039.jpg /bedroom_0125b/sync_depth_00039.png 518.8579 +/kitchen_0049/rgb_00224.jpg /kitchen_0049/sync_depth_00224.png 518.8579 +/bedroom_0106/rgb_00090.jpg /bedroom_0106/sync_depth_00090.png 518.8579 +/living_room_0029/rgb_00086.jpg /living_room_0029/sync_depth_00086.png 518.8579 +/bookstore_0001g/rgb_00246.jpg /bookstore_0001g/sync_depth_00246.png 518.8579 +/classroom_0003/rgb_00062.jpg /classroom_0003/sync_depth_00062.png 518.8579 +/study_room_0004/rgb_00069.jpg /study_room_0004/sync_depth_00069.png 518.8579 +/living_room_0062/rgb_00113.jpg /living_room_0062/sync_depth_00113.png 518.8579 +/living_room_0078/rgb_00136.jpg /living_room_0078/sync_depth_00136.png 518.8579 +/dining_room_0001b/rgb_00196.jpg /dining_room_0001b/sync_depth_00196.png 518.8579 +/home_office_0006/rgb_00073.jpg /home_office_0006/sync_depth_00073.png 518.8579 +/living_room_0033/rgb_00059.jpg /living_room_0033/sync_depth_00059.png 518.8579 +/bathroom_0007/rgb_00048.jpg /bathroom_0007/sync_depth_00048.png 518.8579 +/student_lounge_0001/rgb_00256.jpg /student_lounge_0001/sync_depth_00256.png 518.8579 +/kitchen_0017/rgb_00052.jpg /kitchen_0017/sync_depth_00052.png 518.8579 +/dining_room_0015/rgb_00221.jpg /dining_room_0015/sync_depth_00221.png 518.8579 +/furniture_store_0002b/rgb_00232.jpg /furniture_store_0002b/sync_depth_00232.png 518.8579 +/kitchen_0016/rgb_00015.jpg /kitchen_0016/sync_depth_00015.png 518.8579 +/bedroom_0082/rgb_00062.jpg /bedroom_0082/sync_depth_00062.png 518.8579 +/bedroom_0104/rgb_00035.jpg /bedroom_0104/sync_depth_00035.png 518.8579 +/playroom_0003/rgb_00003.jpg /playroom_0003/sync_depth_00003.png 518.8579 +/kitchen_0019a/rgb_00224.jpg /kitchen_0019a/sync_depth_00224.png 518.8579 +/living_room_0046a/rgb_00076.jpg /living_room_0046a/sync_depth_00076.png 518.8579 +/living_room_0004/rgb_00131.jpg /living_room_0004/sync_depth_00131.png 518.8579 +/bedroom_0051/rgb_00061.jpg /bedroom_0051/sync_depth_00061.png 518.8579 +/bathroom_0055/rgb_00059.jpg /bathroom_0055/sync_depth_00059.png 518.8579 +/bedroom_0100/rgb_00051.jpg /bedroom_0100/sync_depth_00051.png 518.8579 +/kitchen_0045b/rgb_00079.jpg /kitchen_0045b/sync_depth_00079.png 518.8579 +/home_storage_0001/rgb_00088.jpg /home_storage_0001/sync_depth_00088.png 518.8579 +/dining_room_0008/rgb_00174.jpg /dining_room_0008/sync_depth_00174.png 518.8579 +/dining_room_0008/rgb_00167.jpg /dining_room_0008/sync_depth_00167.png 518.8579 +/dining_room_0015/rgb_00262.jpg /dining_room_0015/sync_depth_00262.png 518.8579 +/basement_0001a/rgb_00035.jpg /basement_0001a/sync_depth_00035.png 518.8579 +/conference_room_0002/rgb_00029.jpg /conference_room_0002/sync_depth_00029.png 518.8579 +/bookstore_0001g/rgb_00094.jpg /bookstore_0001g/sync_depth_00094.png 518.8579 +/dining_room_0031/rgb_00335.jpg /dining_room_0031/sync_depth_00335.png 518.8579 +/living_room_0085/rgb_00016.jpg /living_room_0085/sync_depth_00016.png 518.8579 +/bookstore_0001j/rgb_00234.jpg /bookstore_0001j/sync_depth_00234.png 518.8579 +/bedroom_0033/rgb_00022.jpg /bedroom_0033/sync_depth_00022.png 518.8579 +/bathroom_0045a/rgb_00025.jpg /bathroom_0045a/sync_depth_00025.png 518.8579 +/living_room_0047b/rgb_00199.jpg /living_room_0047b/sync_depth_00199.png 518.8579 +/bookstore_0001g/rgb_00009.jpg /bookstore_0001g/sync_depth_00009.png 518.8579 +/living_room_0050/rgb_00271.jpg /living_room_0050/sync_depth_00271.png 518.8579 +/bedroom_0113/rgb_00110.jpg /bedroom_0113/sync_depth_00110.png 518.8579 +/bookstore_0001e/rgb_00228.jpg /bookstore_0001e/sync_depth_00228.png 518.8579 +/study_room_0004/rgb_00168.jpg /study_room_0004/sync_depth_00168.png 518.8579 +/bookstore_0001g/rgb_00133.jpg /bookstore_0001g/sync_depth_00133.png 518.8579 +/living_room_0038/rgb_00098.jpg /living_room_0038/sync_depth_00098.png 518.8579 +/living_room_0005/rgb_00064.jpg /living_room_0005/sync_depth_00064.png 518.8579 +/kitchen_0045a/rgb_00136.jpg /kitchen_0045a/sync_depth_00136.png 518.8579 +/bathroom_0019/rgb_00065.jpg /bathroom_0019/sync_depth_00065.png 518.8579 +/playroom_0002/rgb_00024.jpg /playroom_0002/sync_depth_00024.png 518.8579 +/bedroom_0010/rgb_00049.jpg /bedroom_0010/sync_depth_00049.png 518.8579 +/living_room_0019/rgb_00077.jpg /living_room_0019/sync_depth_00077.png 518.8579 +/dining_room_0001b/rgb_00223.jpg /dining_room_0001b/sync_depth_00223.png 518.8579 +/dining_room_0019/rgb_00097.jpg /dining_room_0019/sync_depth_00097.png 518.8579 +/kitchen_0011a/rgb_00023.jpg /kitchen_0011a/sync_depth_00023.png 518.8579 +/living_room_0035/rgb_00108.jpg /living_room_0035/sync_depth_00108.png 518.8579 +/living_room_0046a/rgb_00028.jpg /living_room_0046a/sync_depth_00028.png 518.8579 +/home_office_0004/rgb_00059.jpg /home_office_0004/sync_depth_00059.png 518.8579 +/kitchen_0052/rgb_00017.jpg /kitchen_0052/sync_depth_00017.png 518.8579 +/office_0026/rgb_00016.jpg /office_0026/sync_depth_00016.png 518.8579 +/dining_room_0024/rgb_00019.jpg /dining_room_0024/sync_depth_00019.png 518.8579 +/nyu_office_1/rgb_00039.jpg /nyu_office_1/sync_depth_00039.png 518.8579 +/bookstore_0001d/rgb_00018.jpg /bookstore_0001d/sync_depth_00018.png 518.8579 +/dining_room_0015/rgb_00111.jpg /dining_room_0015/sync_depth_00111.png 518.8579 +/bedroom_0026/rgb_00091.jpg /bedroom_0026/sync_depth_00091.png 518.8579 +/kitchen_0049/rgb_00040.jpg /kitchen_0049/sync_depth_00040.png 518.8579 +/bathroom_0007/rgb_00056.jpg /bathroom_0007/sync_depth_00056.png 518.8579 +/nyu_office_0/rgb_00033.jpg /nyu_office_0/sync_depth_00033.png 518.8579 +/bathroom_0006/rgb_00008.jpg /bathroom_0006/sync_depth_00008.png 518.8579 +/bathroom_0028/rgb_00062.jpg /bathroom_0028/sync_depth_00062.png 518.8579 +/bedroom_0094/rgb_00020.jpg /bedroom_0094/sync_depth_00020.png 518.8579 +/bedroom_0062/rgb_00130.jpg /bedroom_0062/sync_depth_00130.png 518.8579 +/bookstore_0001j/rgb_00269.jpg /bookstore_0001j/sync_depth_00269.png 518.8579 +/office_0025/rgb_00006.jpg /office_0025/sync_depth_00006.png 518.8579 +/bathroom_0033/rgb_00015.jpg /bathroom_0033/sync_depth_00015.png 518.8579 +/bookstore_0001f/rgb_00371.jpg /bookstore_0001f/sync_depth_00371.png 518.8579 +/classroom_0012/rgb_00048.jpg /classroom_0012/sync_depth_00048.png 518.8579 +/living_room_0019/rgb_00235.jpg /living_room_0019/sync_depth_00235.png 518.8579 +/bedroom_0063/rgb_00085.jpg /bedroom_0063/sync_depth_00085.png 518.8579 +/classroom_0018/rgb_00009.jpg /classroom_0018/sync_depth_00009.png 518.8579 +/living_room_0040/rgb_00276.jpg /living_room_0040/sync_depth_00276.png 518.8579 +/bathroom_0007/rgb_00104.jpg /bathroom_0007/sync_depth_00104.png 518.8579 +/classroom_0003/rgb_00064.jpg /classroom_0003/sync_depth_00064.png 518.8579 +/home_office_0005/rgb_00014.jpg /home_office_0005/sync_depth_00014.png 518.8579 +/furniture_store_0002d/rgb_00047.jpg /furniture_store_0002d/sync_depth_00047.png 518.8579 +/kitchen_0051/rgb_00271.jpg /kitchen_0051/sync_depth_00271.png 518.8579 +/living_room_0012/rgb_00074.jpg /living_room_0012/sync_depth_00074.png 518.8579 +/furniture_store_0002a/rgb_00243.jpg /furniture_store_0002a/sync_depth_00243.png 518.8579 +/bedroom_0067a/rgb_00038.jpg /bedroom_0067a/sync_depth_00038.png 518.8579 +/student_lounge_0001/rgb_00159.jpg /student_lounge_0001/sync_depth_00159.png 518.8579 +/bedroom_0074/rgb_00076.jpg /bedroom_0074/sync_depth_00076.png 518.8579 +/bookstore_0001g/rgb_00129.jpg /bookstore_0001g/sync_depth_00129.png 518.8579 +/nyu_office_0/rgb_00197.jpg /nyu_office_0/sync_depth_00197.png 518.8579 +/nyu_office_1/rgb_00001.jpg /nyu_office_1/sync_depth_00001.png 518.8579 +/reception_room_0002/rgb_00119.jpg /reception_room_0002/sync_depth_00119.png 518.8579 +/furniture_store_0001d/rgb_00079.jpg /furniture_store_0001d/sync_depth_00079.png 518.8579 +/bedroom_0069/rgb_00082.jpg /bedroom_0069/sync_depth_00082.png 518.8579 +/nyu_office_0/rgb_00356.jpg /nyu_office_0/sync_depth_00356.png 518.8579 +/dining_room_0008/rgb_00113.jpg /dining_room_0008/sync_depth_00113.png 518.8579 +/bedroom_0140/rgb_00063.jpg /bedroom_0140/sync_depth_00063.png 518.8579 +/study_0004/rgb_00059.jpg /study_0004/sync_depth_00059.png 518.8579 +/bedroom_0062/rgb_00156.jpg /bedroom_0062/sync_depth_00156.png 518.8579 +/bedroom_0130/rgb_00056.jpg /bedroom_0130/sync_depth_00056.png 518.8579 +/kitchen_0045b/rgb_00082.jpg /kitchen_0045b/sync_depth_00082.png 518.8579 +/bedroom_0053/rgb_00003.jpg /bedroom_0053/sync_depth_00003.png 518.8579 +/kitchen_0029c/rgb_00108.jpg /kitchen_0029c/sync_depth_00108.png 518.8579 +/bedroom_0080/rgb_00020.jpg /bedroom_0080/sync_depth_00020.png 518.8579 +/kitchen_0043/rgb_00024.jpg /kitchen_0043/sync_depth_00024.png 518.8579 +/living_room_0050/rgb_00092.jpg /living_room_0050/sync_depth_00092.png 518.8579 +/office_0026/rgb_00103.jpg /office_0026/sync_depth_00103.png 518.8579 +/living_room_0063/rgb_00108.jpg /living_room_0063/sync_depth_00108.png 518.8579 +/living_room_0062/rgb_00115.jpg /living_room_0062/sync_depth_00115.png 518.8579 +/kitchen_0050/rgb_00210.jpg /kitchen_0050/sync_depth_00210.png 518.8579 +/bookstore_0001f/rgb_00336.jpg /bookstore_0001f/sync_depth_00336.png 518.8579 +/student_lounge_0001/rgb_00134.jpg /student_lounge_0001/sync_depth_00134.png 518.8579 +/office_0024/rgb_00051.jpg /office_0024/sync_depth_00051.png 518.8579 +/bookstore_0001d/rgb_00248.jpg /bookstore_0001d/sync_depth_00248.png 518.8579 +/bedroom_0020/rgb_00052.jpg /bedroom_0020/sync_depth_00052.png 518.8579 +/dining_room_0015/rgb_00039.jpg /dining_room_0015/sync_depth_00039.png 518.8579 +/bedroom_0014/rgb_00021.jpg /bedroom_0014/sync_depth_00021.png 518.8579 +/living_room_0040/rgb_00020.jpg /living_room_0040/sync_depth_00020.png 518.8579 +/living_room_0058/rgb_00235.jpg /living_room_0058/sync_depth_00235.png 518.8579 +/living_room_0004/rgb_00013.jpg /living_room_0004/sync_depth_00013.png 518.8579 +/bathroom_0002/rgb_00030.jpg /bathroom_0002/sync_depth_00030.png 518.8579 +/dining_room_0007/rgb_00054.jpg /dining_room_0007/sync_depth_00054.png 518.8579 +/kitchen_0003/rgb_00115.jpg /kitchen_0003/sync_depth_00115.png 518.8579 +/bookstore_0001f/rgb_00190.jpg /bookstore_0001f/sync_depth_00190.png 518.8579 +/bedroom_0034/rgb_00053.jpg /bedroom_0034/sync_depth_00053.png 518.8579 +/bathroom_0045a/rgb_00040.jpg /bathroom_0045a/sync_depth_00040.png 518.8579 +/living_room_0042b/rgb_00020.jpg /living_room_0042b/sync_depth_00020.png 518.8579 +/furniture_store_0002b/rgb_00088.jpg /furniture_store_0002b/sync_depth_00088.png 518.8579 +/bookstore_0001f/rgb_00135.jpg /bookstore_0001f/sync_depth_00135.png 518.8579 +/classroom_0004/rgb_00106.jpg /classroom_0004/sync_depth_00106.png 518.8579 +/bedroom_0074/rgb_00056.jpg /bedroom_0074/sync_depth_00056.png 518.8579 +/classroom_0018/rgb_00032.jpg /classroom_0018/sync_depth_00032.png 518.8579 +/bedroom_0072/rgb_00172.jpg /bedroom_0072/sync_depth_00172.png 518.8579 +/bedroom_0059/rgb_00036.jpg /bedroom_0059/sync_depth_00036.png 518.8579 +/dining_room_0001b/rgb_00013.jpg /dining_room_0001b/sync_depth_00013.png 518.8579 +/bedroom_0069/rgb_00023.jpg /bedroom_0069/sync_depth_00023.png 518.8579 +/reception_room_0002/rgb_00140.jpg /reception_room_0002/sync_depth_00140.png 518.8579 +/living_room_0067/rgb_00010.jpg /living_room_0067/sync_depth_00010.png 518.8579 +/bookstore_0001f/rgb_00000.jpg /bookstore_0001f/sync_depth_00000.png 518.8579 +/bedroom_0033/rgb_00153.jpg /bedroom_0033/sync_depth_00153.png 518.8579 +/living_room_0070/rgb_00076.jpg /living_room_0070/sync_depth_00076.png 518.8579 +/living_room_0020/rgb_00170.jpg /living_room_0020/sync_depth_00170.png 518.8579 +/bedroom_0125b/rgb_00009.jpg /bedroom_0125b/sync_depth_00009.png 518.8579 +/living_room_0086a/rgb_00057.jpg /living_room_0086a/sync_depth_00057.png 518.8579 +/bathroom_0016/rgb_00029.jpg /bathroom_0016/sync_depth_00029.png 518.8579 +/living_room_0078/rgb_00028.jpg /living_room_0078/sync_depth_00028.png 518.8579 +/bedroom_0062/rgb_00073.jpg /bedroom_0062/sync_depth_00073.png 518.8579 +/home_office_0006/rgb_00183.jpg /home_office_0006/sync_depth_00183.png 518.8579 +/living_room_0039/rgb_00104.jpg /living_room_0039/sync_depth_00104.png 518.8579 +/living_room_0069a/rgb_00059.jpg /living_room_0069a/sync_depth_00059.png 518.8579 +/bedroom_0140/rgb_00040.jpg /bedroom_0140/sync_depth_00040.png 518.8579 +/furniture_store_0002a/rgb_00352.jpg /furniture_store_0002a/sync_depth_00352.png 518.8579 +/office_0024/rgb_00017.jpg /office_0024/sync_depth_00017.png 518.8579 +/living_room_0004/rgb_00117.jpg /living_room_0004/sync_depth_00117.png 518.8579 +/living_room_0063/rgb_00005.jpg /living_room_0063/sync_depth_00005.png 518.8579 +/dining_room_0001b/rgb_00178.jpg /dining_room_0001b/sync_depth_00178.png 518.8579 +/bathroom_0049/rgb_00015.jpg /bathroom_0049/sync_depth_00015.png 518.8579 +/home_office_0008/rgb_00010.jpg /home_office_0008/sync_depth_00010.png 518.8579 +/kitchen_0047/rgb_00106.jpg /kitchen_0047/sync_depth_00106.png 518.8579 +/furniture_store_0001d/rgb_00191.jpg /furniture_store_0001d/sync_depth_00191.png 518.8579 +/bedroom_0051/rgb_00193.jpg /bedroom_0051/sync_depth_00193.png 518.8579 +/classroom_0003/rgb_00051.jpg /classroom_0003/sync_depth_00051.png 518.8579 +/conference_room_0002/rgb_00037.jpg /conference_room_0002/sync_depth_00037.png 518.8579 +/office_0011/rgb_00032.jpg /office_0011/sync_depth_00032.png 518.8579 +/office_0011/rgb_00019.jpg /office_0011/sync_depth_00019.png 518.8579 +/reception_room_0002/rgb_00174.jpg /reception_room_0002/sync_depth_00174.png 518.8579 +/dining_room_0016/rgb_00048.jpg /dining_room_0016/sync_depth_00048.png 518.8579 +/dining_room_0031/rgb_00118.jpg /dining_room_0031/sync_depth_00118.png 518.8579 +/kitchen_0019a/rgb_00287.jpg /kitchen_0019a/sync_depth_00287.png 518.8579 +/bedroom_0097/rgb_00026.jpg /bedroom_0097/sync_depth_00026.png 518.8579 +/bookstore_0001e/rgb_00133.jpg /bookstore_0001e/sync_depth_00133.png 518.8579 +/living_room_0022/rgb_00122.jpg /living_room_0022/sync_depth_00122.png 518.8579 +/home_storage_0001/rgb_00127.jpg /home_storage_0001/sync_depth_00127.png 518.8579 +/bedroom_0138/rgb_00002.jpg /bedroom_0138/sync_depth_00002.png 518.8579 +/living_room_0038/rgb_00031.jpg /living_room_0038/sync_depth_00031.png 518.8579 +/bookstore_0001f/rgb_00078.jpg /bookstore_0001f/sync_depth_00078.png 518.8579 +/living_room_0047b/rgb_00074.jpg /living_room_0047b/sync_depth_00074.png 518.8579 +/bathroom_0007/rgb_00075.jpg /bathroom_0007/sync_depth_00075.png 518.8579 +/furniture_store_0001a/rgb_00027.jpg /furniture_store_0001a/sync_depth_00027.png 518.8579 +/kitchen_0019a/rgb_00196.jpg /kitchen_0019a/sync_depth_00196.png 518.8579 +/kitchen_0053/rgb_00096.jpg /kitchen_0053/sync_depth_00096.png 518.8579 +/dining_room_0033/rgb_00161.jpg /dining_room_0033/sync_depth_00161.png 518.8579 +/kitchen_0060/rgb_00113.jpg /kitchen_0060/sync_depth_00113.png 518.8579 +/bedroom_0072/rgb_00034.jpg /bedroom_0072/sync_depth_00034.png 518.8579 +/nyu_office_0/rgb_00155.jpg /nyu_office_0/sync_depth_00155.png 518.8579 +/home_office_0004/rgb_00166.jpg /home_office_0004/sync_depth_00166.png 518.8579 +/kitchen_0037/rgb_00012.jpg /kitchen_0037/sync_depth_00012.png 518.8579 +/kitchen_0048/rgb_00000.jpg /kitchen_0048/sync_depth_00000.png 518.8579 +/bedroom_0060/rgb_00087.jpg /bedroom_0060/sync_depth_00087.png 518.8579 +/bedroom_0120/rgb_00036.jpg /bedroom_0120/sync_depth_00036.png 518.8579 +/home_office_0006/rgb_00149.jpg /home_office_0006/sync_depth_00149.png 518.8579 +/bedroom_0016/rgb_00128.jpg /bedroom_0016/sync_depth_00128.png 518.8579 +/indoor_balcony_0001/rgb_00041.jpg /indoor_balcony_0001/sync_depth_00041.png 518.8579 +/home_office_0004/rgb_00118.jpg /home_office_0004/sync_depth_00118.png 518.8579 +/bedroom_0057/rgb_00001.jpg /bedroom_0057/sync_depth_00001.png 518.8579 +/office_0012/rgb_00048.jpg /office_0012/sync_depth_00048.png 518.8579 +/kitchen_0035b/rgb_00088.jpg /kitchen_0035b/sync_depth_00088.png 518.8579 +/basement_0001a/rgb_00173.jpg /basement_0001a/sync_depth_00173.png 518.8579 +/bathroom_0006/rgb_00060.jpg /bathroom_0006/sync_depth_00060.png 518.8579 +/study_room_0005b/rgb_00007.jpg /study_room_0005b/sync_depth_00007.png 518.8579 +/office_0009/rgb_00080.jpg /office_0009/sync_depth_00080.png 518.8579 +/bookstore_0001g/rgb_00015.jpg /bookstore_0001g/sync_depth_00015.png 518.8579 +/kitchen_0033/rgb_00102.jpg /kitchen_0033/sync_depth_00102.png 518.8579 +/kitchen_0053/rgb_00056.jpg /kitchen_0053/sync_depth_00056.png 518.8579 +/office_0006/rgb_00025.jpg /office_0006/sync_depth_00025.png 518.8579 +/indoor_balcony_0001/rgb_00023.jpg /indoor_balcony_0001/sync_depth_00023.png 518.8579 +/living_room_0018/rgb_00156.jpg /living_room_0018/sync_depth_00156.png 518.8579 +/bathroom_0006/rgb_00020.jpg /bathroom_0006/sync_depth_00020.png 518.8579 +/kitchen_0048/rgb_00157.jpg /kitchen_0048/sync_depth_00157.png 518.8579 +/office_0006/rgb_00132.jpg /office_0006/sync_depth_00132.png 518.8579 +/study_room_0005b/rgb_00064.jpg /study_room_0005b/sync_depth_00064.png 518.8579 +/bedroom_0051/rgb_00148.jpg /bedroom_0051/sync_depth_00148.png 518.8579 +/bedroom_0016/rgb_00155.jpg /bedroom_0016/sync_depth_00155.png 518.8579 +/cafe_0001c/rgb_00109.jpg /cafe_0001c/sync_depth_00109.png 518.8579 +/kitchen_0003/rgb_00161.jpg /kitchen_0003/sync_depth_00161.png 518.8579 +/bedroom_0126/rgb_00037.jpg /bedroom_0126/sync_depth_00037.png 518.8579 +/bedroom_0063/rgb_00108.jpg /bedroom_0063/sync_depth_00108.png 518.8579 +/dining_room_0007/rgb_00045.jpg /dining_room_0007/sync_depth_00045.png 518.8579 +/dining_room_0014/rgb_00011.jpg /dining_room_0014/sync_depth_00011.png 518.8579 +/bedroom_0050/rgb_00155.jpg /bedroom_0050/sync_depth_00155.png 518.8579 +/furniture_store_0002a/rgb_00126.jpg /furniture_store_0002a/sync_depth_00126.png 518.8579 +/study_0003/rgb_00046.jpg /study_0003/sync_depth_00046.png 518.8579 +/kitchen_0050/rgb_00150.jpg /kitchen_0050/sync_depth_00150.png 518.8579 +/classroom_0006/rgb_00175.jpg /classroom_0006/sync_depth_00175.png 518.8579 +/living_room_0071/rgb_00039.jpg /living_room_0071/sync_depth_00039.png 518.8579 +/kitchen_0016/rgb_00084.jpg /kitchen_0016/sync_depth_00084.png 518.8579 +/bedroom_0129/rgb_00086.jpg /bedroom_0129/sync_depth_00086.png 518.8579 +/living_room_0083/rgb_00047.jpg /living_room_0083/sync_depth_00047.png 518.8579 +/kitchen_0047/rgb_00065.jpg /kitchen_0047/sync_depth_00065.png 518.8579 +/excercise_room_0001/rgb_00088.jpg /excercise_room_0001/sync_depth_00088.png 518.8579 +/home_office_0006/rgb_00152.jpg /home_office_0006/sync_depth_00152.png 518.8579 +/classroom_0003/rgb_00019.jpg /classroom_0003/sync_depth_00019.png 518.8579 +/dining_room_0004/rgb_00104.jpg /dining_room_0004/sync_depth_00104.png 518.8579 +/nyu_office_1/rgb_00049.jpg /nyu_office_1/sync_depth_00049.png 518.8579 +/bathroom_0002/rgb_00042.jpg /bathroom_0002/sync_depth_00042.png 518.8579 +/living_room_0058/rgb_00023.jpg /living_room_0058/sync_depth_00023.png 518.8579 +/bedroom_0078/rgb_00136.jpg /bedroom_0078/sync_depth_00136.png 518.8579 +/living_room_0046b/rgb_00021.jpg /living_room_0046b/sync_depth_00021.png 518.8579 +/bookstore_0001e/rgb_00028.jpg /bookstore_0001e/sync_depth_00028.png 518.8579 +/dining_room_0031/rgb_00400.jpg /dining_room_0031/sync_depth_00400.png 518.8579 +/dining_room_0001b/rgb_00240.jpg /dining_room_0001b/sync_depth_00240.png 518.8579 +/bedroom_0051/rgb_00155.jpg /bedroom_0051/sync_depth_00155.png 518.8579 +/classroom_0016/rgb_00028.jpg /classroom_0016/sync_depth_00028.png 518.8579 +/kitchen_0048/rgb_00202.jpg /kitchen_0048/sync_depth_00202.png 518.8579 +/dining_room_0033/rgb_00077.jpg /dining_room_0033/sync_depth_00077.png 518.8579 +/kitchen_0051/rgb_00301.jpg /kitchen_0051/sync_depth_00301.png 518.8579 +/bedroom_0019/rgb_00164.jpg /bedroom_0019/sync_depth_00164.png 518.8579 +/kitchen_0045a/rgb_00200.jpg /kitchen_0045a/sync_depth_00200.png 518.8579 +/study_room_0004/rgb_00180.jpg /study_room_0004/sync_depth_00180.png 518.8579 +/bookstore_0001f/rgb_00248.jpg /bookstore_0001f/sync_depth_00248.png 518.8579 +/kitchen_0019a/rgb_00230.jpg /kitchen_0019a/sync_depth_00230.png 518.8579 +/bedroom_0034/rgb_00084.jpg /bedroom_0034/sync_depth_00084.png 518.8579 +/home_office_0004/rgb_00177.jpg /home_office_0004/sync_depth_00177.png 518.8579 +/living_room_0071/rgb_00003.jpg /living_room_0071/sync_depth_00003.png 518.8579 +/office_0021/rgb_00066.jpg /office_0021/sync_depth_00066.png 518.8579 +/bedroom_0038/rgb_00024.jpg /bedroom_0038/sync_depth_00024.png 518.8579 +/bookstore_0001j/rgb_00259.jpg /bookstore_0001j/sync_depth_00259.png 518.8579 +/office_0025/rgb_00032.jpg /office_0025/sync_depth_00032.png 518.8579 +/bedroom_0014/rgb_00033.jpg /bedroom_0014/sync_depth_00033.png 518.8579 +/furniture_store_0002d/rgb_00001.jpg /furniture_store_0002d/sync_depth_00001.png 518.8579 +/bathroom_0048/rgb_00052.jpg /bathroom_0048/sync_depth_00052.png 518.8579 +/home_storage_0001/rgb_00106.jpg /home_storage_0001/sync_depth_00106.png 518.8579 +/living_room_0062/rgb_00160.jpg /living_room_0062/sync_depth_00160.png 518.8579 +/living_room_0019/rgb_00121.jpg /living_room_0019/sync_depth_00121.png 518.8579 +/living_room_0062/rgb_00199.jpg /living_room_0062/sync_depth_00199.png 518.8579 +/office_0026/rgb_00062.jpg /office_0026/sync_depth_00062.png 518.8579 +/bathroom_0048/rgb_00061.jpg /bathroom_0048/sync_depth_00061.png 518.8579 +/kitchen_0043/rgb_00248.jpg /kitchen_0043/sync_depth_00248.png 518.8579 +/living_room_0070/rgb_00086.jpg /living_room_0070/sync_depth_00086.png 518.8579 +/study_0006/rgb_00012.jpg /study_0006/sync_depth_00012.png 518.8579 +/bathroom_0013/rgb_00064.jpg /bathroom_0013/sync_depth_00064.png 518.8579 +/bedroom_0072/rgb_00025.jpg /bedroom_0072/sync_depth_00025.png 518.8579 +/bathroom_0006/rgb_00006.jpg /bathroom_0006/sync_depth_00006.png 518.8579 +/living_room_0022/rgb_00313.jpg /living_room_0022/sync_depth_00313.png 518.8579 +/dining_room_0033/rgb_00016.jpg /dining_room_0033/sync_depth_00016.png 518.8579 +/bedroom_0072/rgb_00006.jpg /bedroom_0072/sync_depth_00006.png 518.8579 +/living_room_0070/rgb_00013.jpg /living_room_0070/sync_depth_00013.png 518.8579 +/living_room_0040/rgb_00279.jpg /living_room_0040/sync_depth_00279.png 518.8579 +/living_room_0050/rgb_00226.jpg /living_room_0050/sync_depth_00226.png 518.8579 +/living_room_0050/rgb_00258.jpg /living_room_0050/sync_depth_00258.png 518.8579 +/student_lounge_0001/rgb_00021.jpg /student_lounge_0001/sync_depth_00021.png 518.8579 +/bedroom_0051/rgb_00068.jpg /bedroom_0051/sync_depth_00068.png 518.8579 +/furniture_store_0002a/rgb_00203.jpg /furniture_store_0002a/sync_depth_00203.png 518.8579 +/bedroom_0082/rgb_00017.jpg /bedroom_0082/sync_depth_00017.png 518.8579 +/bathroom_0048/rgb_00067.jpg /bathroom_0048/sync_depth_00067.png 518.8579 +/kitchen_0053/rgb_00045.jpg /kitchen_0053/sync_depth_00045.png 518.8579 +/bedroom_0136/rgb_00081.jpg /bedroom_0136/sync_depth_00081.png 518.8579 +/living_room_0070/rgb_00104.jpg /living_room_0070/sync_depth_00104.png 518.8579 +/kitchen_0011a/rgb_00065.jpg /kitchen_0011a/sync_depth_00065.png 518.8579 +/bedroom_0074/rgb_00094.jpg /bedroom_0074/sync_depth_00094.png 518.8579 +/bedroom_0010/rgb_00024.jpg /bedroom_0010/sync_depth_00024.png 518.8579 +/living_room_0032/rgb_00022.jpg /living_room_0032/sync_depth_00022.png 518.8579 +/bookstore_0001g/rgb_00078.jpg /bookstore_0001g/sync_depth_00078.png 518.8579 +/cafe_0001c/rgb_00028.jpg /cafe_0001c/sync_depth_00028.png 518.8579 +/conference_room_0002/rgb_00017.jpg /conference_room_0002/sync_depth_00017.png 518.8579 +/living_room_0069b/rgb_00035.jpg /living_room_0069b/sync_depth_00035.png 518.8579 +/bedroom_0052/rgb_00032.jpg /bedroom_0052/sync_depth_00032.png 518.8579 +/furniture_store_0001d/rgb_00137.jpg /furniture_store_0001d/sync_depth_00137.png 518.8579 +/study_room_0004/rgb_00193.jpg /study_room_0004/sync_depth_00193.png 518.8579 +/kitchen_0053/rgb_00048.jpg /kitchen_0053/sync_depth_00048.png 518.8579 +/playroom_0003/rgb_00022.jpg /playroom_0003/sync_depth_00022.png 518.8579 +/kitchen_0051/rgb_00026.jpg /kitchen_0051/sync_depth_00026.png 518.8579 +/bedroom_0081/rgb_00049.jpg /bedroom_0081/sync_depth_00049.png 518.8579 +/bedroom_0120/rgb_00005.jpg /bedroom_0120/sync_depth_00005.png 518.8579 +/bathroom_0016/rgb_00019.jpg /bathroom_0016/sync_depth_00019.png 518.8579 +/bedroom_0045/rgb_00001.jpg /bedroom_0045/sync_depth_00001.png 518.8579 +/bathroom_0016/rgb_00038.jpg /bathroom_0016/sync_depth_00038.png 518.8579 +/living_room_0058/rgb_00222.jpg /living_room_0058/sync_depth_00222.png 518.8579 +/furniture_store_0001d/rgb_00210.jpg /furniture_store_0001d/sync_depth_00210.png 518.8579 +/kitchen_0033/rgb_00112.jpg /kitchen_0033/sync_depth_00112.png 518.8579 +/bookstore_0001f/rgb_00330.jpg /bookstore_0001f/sync_depth_00330.png 518.8579 +/bookstore_0001e/rgb_00077.jpg /bookstore_0001e/sync_depth_00077.png 518.8579 +/living_room_0067/rgb_00042.jpg /living_room_0067/sync_depth_00042.png 518.8579 +/bedroom_0016/rgb_00020.jpg /bedroom_0016/sync_depth_00020.png 518.8579 +/kitchen_0010/rgb_00049.jpg /kitchen_0010/sync_depth_00049.png 518.8579 +/bathroom_0041/rgb_00035.jpg /bathroom_0041/sync_depth_00035.png 518.8579 +/office_0023/rgb_00006.jpg /office_0023/sync_depth_00006.png 518.8579 +/dining_room_0016/rgb_00116.jpg /dining_room_0016/sync_depth_00116.png 518.8579 +/kitchen_0028b/rgb_00006.jpg /kitchen_0028b/sync_depth_00006.png 518.8579 +/kitchen_0031/rgb_00114.jpg /kitchen_0031/sync_depth_00114.png 518.8579 +/bedroom_0140/rgb_00177.jpg /bedroom_0140/sync_depth_00177.png 518.8579 +/kitchen_0051/rgb_00042.jpg /kitchen_0051/sync_depth_00042.png 518.8579 +/kitchen_0028a/rgb_00145.jpg /kitchen_0028a/sync_depth_00145.png 518.8579 +/office_0026/rgb_00046.jpg /office_0026/sync_depth_00046.png 518.8579 +/bathroom_0028/rgb_00087.jpg /bathroom_0028/sync_depth_00087.png 518.8579 +/living_room_0004/rgb_00175.jpg /living_room_0004/sync_depth_00175.png 518.8579 +/bedroom_0072/rgb_00178.jpg /bedroom_0072/sync_depth_00178.png 518.8579 +/living_room_0068/rgb_00072.jpg /living_room_0068/sync_depth_00072.png 518.8579 +/bedroom_0016/rgb_00055.jpg /bedroom_0016/sync_depth_00055.png 518.8579 +/classroom_0016/rgb_00017.jpg /classroom_0016/sync_depth_00017.png 518.8579 +/bathroom_0039/rgb_00048.jpg /bathroom_0039/sync_depth_00048.png 518.8579 +/kitchen_0051/rgb_00071.jpg /kitchen_0051/sync_depth_00071.png 518.8579 +/dining_room_0031/rgb_00020.jpg /dining_room_0031/sync_depth_00020.png 518.8579 +/bookstore_0001f/rgb_00273.jpg /bookstore_0001f/sync_depth_00273.png 518.8579 +/excercise_room_0001/rgb_00024.jpg /excercise_room_0001/sync_depth_00024.png 518.8579 +/dining_room_0015/rgb_00244.jpg /dining_room_0015/sync_depth_00244.png 518.8579 +/bedroom_0019/rgb_00161.jpg /bedroom_0019/sync_depth_00161.png 518.8579 +/bedroom_0004/rgb_00108.jpg /bedroom_0004/sync_depth_00108.png 518.8579 +/office_0009/rgb_00061.jpg /office_0009/sync_depth_00061.png 518.8579 +/bookstore_0001f/rgb_00222.jpg /bookstore_0001f/sync_depth_00222.png 518.8579 +/kitchen_0028b/rgb_00043.jpg /kitchen_0028b/sync_depth_00043.png 518.8579 +/kitchen_0053/rgb_00110.jpg /kitchen_0053/sync_depth_00110.png 518.8579 +/dining_room_0016/rgb_00019.jpg /dining_room_0016/sync_depth_00019.png 518.8579 +/home_office_0006/rgb_00096.jpg /home_office_0006/sync_depth_00096.png 518.8579 +/student_lounge_0001/rgb_00084.jpg /student_lounge_0001/sync_depth_00084.png 518.8579 +/kitchen_0035b/rgb_00201.jpg /kitchen_0035b/sync_depth_00201.png 518.8579 +/kitchen_0037/rgb_00085.jpg /kitchen_0037/sync_depth_00085.png 518.8579 +/bookstore_0001f/rgb_00394.jpg /bookstore_0001f/sync_depth_00394.png 518.8579 +/bathroom_0039/rgb_00001.jpg /bathroom_0039/sync_depth_00001.png 518.8579 +/bookstore_0001d/rgb_00249.jpg /bookstore_0001d/sync_depth_00249.png 518.8579 +/bathroom_0006/rgb_00044.jpg /bathroom_0006/sync_depth_00044.png 518.8579 +/nyu_office_0/rgb_00202.jpg /nyu_office_0/sync_depth_00202.png 518.8579 +/furniture_store_0002b/rgb_00167.jpg /furniture_store_0002b/sync_depth_00167.png 518.8579 +/bedroom_0019/rgb_00000.jpg /bedroom_0019/sync_depth_00000.png 518.8579 +/dining_room_0037/rgb_00115.jpg /dining_room_0037/sync_depth_00115.png 518.8579 +/bedroom_0059/rgb_00064.jpg /bedroom_0059/sync_depth_00064.png 518.8579 +/living_room_0042b/rgb_00031.jpg /living_room_0042b/sync_depth_00031.png 518.8579 +/bookstore_0001f/rgb_00120.jpg /bookstore_0001f/sync_depth_00120.png 518.8579 +/dining_room_0014/rgb_00065.jpg /dining_room_0014/sync_depth_00065.png 518.8579 +/study_room_0005a/rgb_00051.jpg /study_room_0005a/sync_depth_00051.png 518.8579 +/reception_room_0004/rgb_00006.jpg /reception_room_0004/sync_depth_00006.png 518.8579 +/bedroom_0076a/rgb_00219.jpg /bedroom_0076a/sync_depth_00219.png 518.8579 +/bookstore_0001g/rgb_00000.jpg /bookstore_0001g/sync_depth_00000.png 518.8579 +/living_room_0022/rgb_00375.jpg /living_room_0022/sync_depth_00375.png 518.8579 +/bedroom_0076a/rgb_00153.jpg /bedroom_0076a/sync_depth_00153.png 518.8579 +/kitchen_0031/rgb_00162.jpg /kitchen_0031/sync_depth_00162.png 518.8579 +/kitchen_0048/rgb_00049.jpg /kitchen_0048/sync_depth_00049.png 518.8579 +/bookstore_0001g/rgb_00255.jpg /bookstore_0001g/sync_depth_00255.png 518.8579 +/bedroom_0125b/rgb_00023.jpg /bedroom_0125b/sync_depth_00023.png 518.8579 +/living_room_0071/rgb_00007.jpg /living_room_0071/sync_depth_00007.png 518.8579 +/bathroom_0051/rgb_00032.jpg /bathroom_0051/sync_depth_00032.png 518.8579 +/bedroom_0086/rgb_00085.jpg /bedroom_0086/sync_depth_00085.png 518.8579 +/bathroom_0024/rgb_00005.jpg /bathroom_0024/sync_depth_00005.png 518.8579 +/office_0026/rgb_00064.jpg /office_0026/sync_depth_00064.png 518.8579 +/kitchen_0011b/rgb_00050.jpg /kitchen_0011b/sync_depth_00050.png 518.8579 +/kitchen_0029b/rgb_00022.jpg /kitchen_0029b/sync_depth_00022.png 518.8579 +/living_room_0005/rgb_00017.jpg /living_room_0005/sync_depth_00017.png 518.8579 +/nyu_office_0/rgb_00273.jpg /nyu_office_0/sync_depth_00273.png 518.8579 +/furniture_store_0001b/rgb_00099.jpg /furniture_store_0001b/sync_depth_00099.png 518.8579 +/kitchen_0050/rgb_00118.jpg /kitchen_0050/sync_depth_00118.png 518.8579 +/dining_room_0016/rgb_00004.jpg /dining_room_0016/sync_depth_00004.png 518.8579 +/bathroom_0035/rgb_00019.jpg /bathroom_0035/sync_depth_00019.png 518.8579 +/bathroom_0019/rgb_00071.jpg /bathroom_0019/sync_depth_00071.png 518.8579 +/kitchen_0008/rgb_00038.jpg /kitchen_0008/sync_depth_00038.png 518.8579 +/dining_room_0013/rgb_00135.jpg /dining_room_0013/sync_depth_00135.png 518.8579 +/classroom_0003/rgb_00080.jpg /classroom_0003/sync_depth_00080.png 518.8579 +/living_room_0022/rgb_00085.jpg /living_room_0022/sync_depth_00085.png 518.8579 +/dining_room_0024/rgb_00061.jpg /dining_room_0024/sync_depth_00061.png 518.8579 +/bedroom_0026/rgb_00137.jpg /bedroom_0026/sync_depth_00137.png 518.8579 +/bedroom_0050/rgb_00036.jpg /bedroom_0050/sync_depth_00036.png 518.8579 +/bathroom_0054/rgb_00010.jpg /bathroom_0054/sync_depth_00010.png 518.8579 +/living_room_0020/rgb_00045.jpg /living_room_0020/sync_depth_00045.png 518.8579 +/kitchen_0037/rgb_00024.jpg /kitchen_0037/sync_depth_00024.png 518.8579 +/bookstore_0001h/rgb_00154.jpg /bookstore_0001h/sync_depth_00154.png 518.8579 +/dining_room_0010/rgb_00034.jpg /dining_room_0010/sync_depth_00034.png 518.8579 +/living_room_0047b/rgb_00175.jpg /living_room_0047b/sync_depth_00175.png 518.8579 +/kitchen_0048/rgb_00230.jpg /kitchen_0048/sync_depth_00230.png 518.8579 +/kitchen_0050/rgb_00216.jpg /kitchen_0050/sync_depth_00216.png 518.8579 +/bedroom_0078/rgb_00084.jpg /bedroom_0078/sync_depth_00084.png 518.8579 +/living_room_0082/rgb_00050.jpg /living_room_0082/sync_depth_00050.png 518.8579 +/kitchen_0043/rgb_00055.jpg /kitchen_0043/sync_depth_00055.png 518.8579 +/furniture_store_0002a/rgb_00229.jpg /furniture_store_0002a/sync_depth_00229.png 518.8579 +/living_room_0022/rgb_00262.jpg /living_room_0022/sync_depth_00262.png 518.8579 +/home_storage_0001/rgb_00133.jpg /home_storage_0001/sync_depth_00133.png 518.8579 +/bedroom_0125a/rgb_00012.jpg /bedroom_0125a/sync_depth_00012.png 518.8579 +/bedroom_0136/rgb_00110.jpg /bedroom_0136/sync_depth_00110.png 518.8579 +/bookstore_0001i/rgb_00063.jpg /bookstore_0001i/sync_depth_00063.png 518.8579 +/bathroom_0042/rgb_00015.jpg /bathroom_0042/sync_depth_00015.png 518.8579 +/bedroom_0034/rgb_00085.jpg /bedroom_0034/sync_depth_00085.png 518.8579 +/furniture_store_0002a/rgb_00085.jpg /furniture_store_0002a/sync_depth_00085.png 518.8579 +/bedroom_0063/rgb_00060.jpg /bedroom_0063/sync_depth_00060.png 518.8579 +/bedroom_0041/rgb_00067.jpg /bedroom_0041/sync_depth_00067.png 518.8579 +/living_room_0050/rgb_00017.jpg /living_room_0050/sync_depth_00017.png 518.8579 +/playroom_0006/rgb_00037.jpg /playroom_0006/sync_depth_00037.png 518.8579 +/nyu_office_0/rgb_00081.jpg /nyu_office_0/sync_depth_00081.png 518.8579 +/bathroom_0055/rgb_00033.jpg /bathroom_0055/sync_depth_00033.png 518.8579 +/bathroom_0048/rgb_00074.jpg /bathroom_0048/sync_depth_00074.png 518.8579 +/kitchen_0016/rgb_00070.jpg /kitchen_0016/sync_depth_00070.png 518.8579 +/living_room_0018/rgb_00087.jpg /living_room_0018/sync_depth_00087.png 518.8579 +/bedroom_0020/rgb_00043.jpg /bedroom_0020/sync_depth_00043.png 518.8579 +/bookstore_0001f/rgb_00230.jpg /bookstore_0001f/sync_depth_00230.png 518.8579 +/dining_room_0012/rgb_00196.jpg /dining_room_0012/sync_depth_00196.png 518.8579 +/bedroom_0034/rgb_00111.jpg /bedroom_0034/sync_depth_00111.png 518.8579 +/kitchen_0003/rgb_00048.jpg /kitchen_0003/sync_depth_00048.png 518.8579 +/bedroom_0113/rgb_00019.jpg /bedroom_0113/sync_depth_00019.png 518.8579 +/kitchen_0041/rgb_00050.jpg /kitchen_0041/sync_depth_00050.png 518.8579 +/kitchen_0003/rgb_00078.jpg /kitchen_0003/sync_depth_00078.png 518.8579 +/bedroom_0071/rgb_00007.jpg /bedroom_0071/sync_depth_00007.png 518.8579 +/bedroom_0051/rgb_00062.jpg /bedroom_0051/sync_depth_00062.png 518.8579 +/classroom_0004/rgb_00043.jpg /classroom_0004/sync_depth_00043.png 518.8579 +/dining_room_0029/rgb_00076.jpg /dining_room_0029/sync_depth_00076.png 518.8579 +/bedroom_0080/rgb_00029.jpg /bedroom_0080/sync_depth_00029.png 518.8579 +/bedroom_0074/rgb_00016.jpg /bedroom_0074/sync_depth_00016.png 518.8579 +/bookstore_0001i/rgb_00015.jpg /bookstore_0001i/sync_depth_00015.png 518.8579 +/dining_room_0015/rgb_00240.jpg /dining_room_0015/sync_depth_00240.png 518.8579 +/bathroom_0041/rgb_00045.jpg /bathroom_0041/sync_depth_00045.png 518.8579 +/bookstore_0001e/rgb_00196.jpg /bookstore_0001e/sync_depth_00196.png 518.8579 +/bathroom_0033/rgb_00047.jpg /bathroom_0033/sync_depth_00047.png 518.8579 +/bedroom_0113/rgb_00102.jpg /bedroom_0113/sync_depth_00102.png 518.8579 +/bedroom_0125a/rgb_00010.jpg /bedroom_0125a/sync_depth_00010.png 518.8579 +/living_room_0047a/rgb_00041.jpg /living_room_0047a/sync_depth_00041.png 518.8579 +/bedroom_0125b/rgb_00065.jpg /bedroom_0125b/sync_depth_00065.png 518.8579 +/dining_room_0037/rgb_00148.jpg /dining_room_0037/sync_depth_00148.png 518.8579 +/dining_room_0010/rgb_00047.jpg /dining_room_0010/sync_depth_00047.png 518.8579 +/bedroom_0052/rgb_00081.jpg /bedroom_0052/sync_depth_00081.png 518.8579 +/bedroom_0060/rgb_00063.jpg /bedroom_0060/sync_depth_00063.png 518.8579 +/bedroom_0004/rgb_00158.jpg /bedroom_0004/sync_depth_00158.png 518.8579 +/home_office_0006/rgb_00153.jpg /home_office_0006/sync_depth_00153.png 518.8579 +/bathroom_0014a/rgb_00019.jpg /bathroom_0014a/sync_depth_00019.png 518.8579 +/bedroom_0016/rgb_00187.jpg /bedroom_0016/sync_depth_00187.png 518.8579 +/living_room_0082/rgb_00012.jpg /living_room_0082/sync_depth_00012.png 518.8579 +/classroom_0006/rgb_00187.jpg /classroom_0006/sync_depth_00187.png 518.8579 +/dining_room_0029/rgb_00024.jpg /dining_room_0029/sync_depth_00024.png 518.8579 +/kitchen_0006/rgb_00001.jpg /kitchen_0006/sync_depth_00001.png 518.8579 +/kitchen_0008/rgb_00018.jpg /kitchen_0008/sync_depth_00018.png 518.8579 +/furniture_store_0002a/rgb_00187.jpg /furniture_store_0002a/sync_depth_00187.png 518.8579 +/furniture_store_0002d/rgb_00053.jpg /furniture_store_0002d/sync_depth_00053.png 518.8579 +/playroom_0002/rgb_00137.jpg /playroom_0002/sync_depth_00137.png 518.8579 +/living_room_0062/rgb_00164.jpg /living_room_0062/sync_depth_00164.png 518.8579 +/playroom_0004/rgb_00071.jpg /playroom_0004/sync_depth_00071.png 518.8579 +/nyu_office_0/rgb_00107.jpg /nyu_office_0/sync_depth_00107.png 518.8579 +/kitchen_0019a/rgb_00124.jpg /kitchen_0019a/sync_depth_00124.png 518.8579 +/bedroom_0104/rgb_00115.jpg /bedroom_0104/sync_depth_00115.png 518.8579 +/study_0003/rgb_00033.jpg /study_0003/sync_depth_00033.png 518.8579 +/bedroom_0033/rgb_00027.jpg /bedroom_0033/sync_depth_00027.png 518.8579 +/dining_room_0014/rgb_00041.jpg /dining_room_0014/sync_depth_00041.png 518.8579 +/living_room_0069b/rgb_00046.jpg /living_room_0069b/sync_depth_00046.png 518.8579 +/dining_room_0019/rgb_00051.jpg /dining_room_0019/sync_depth_00051.png 518.8579 +/dining_room_0013/rgb_00105.jpg /dining_room_0013/sync_depth_00105.png 518.8579 +/office_0004/rgb_00002.jpg /office_0004/sync_depth_00002.png 518.8579 +/kitchen_0035b/rgb_00072.jpg /kitchen_0035b/sync_depth_00072.png 518.8579 +/kitchen_0029c/rgb_00175.jpg /kitchen_0029c/sync_depth_00175.png 518.8579 +/bedroom_0097/rgb_00020.jpg /bedroom_0097/sync_depth_00020.png 518.8579 +/study_room_0004/rgb_00002.jpg /study_room_0004/sync_depth_00002.png 518.8579 +/furniture_store_0002a/rgb_00028.jpg /furniture_store_0002a/sync_depth_00028.png 518.8579 +/kitchen_0028a/rgb_00014.jpg /kitchen_0028a/sync_depth_00014.png 518.8579 +/bedroom_0010/rgb_00112.jpg /bedroom_0010/sync_depth_00112.png 518.8579 +/kitchen_0049/rgb_00010.jpg /kitchen_0049/sync_depth_00010.png 518.8579 +/bedroom_0012/rgb_00009.jpg /bedroom_0012/sync_depth_00009.png 518.8579 +/playroom_0003/rgb_00123.jpg /playroom_0003/sync_depth_00123.png 518.8579 +/kitchen_0006/rgb_00067.jpg /kitchen_0006/sync_depth_00067.png 518.8579 +/bedroom_0078/rgb_00132.jpg /bedroom_0078/sync_depth_00132.png 518.8579 +/kitchen_0051/rgb_00299.jpg /kitchen_0051/sync_depth_00299.png 518.8579 +/nyu_office_0/rgb_00180.jpg /nyu_office_0/sync_depth_00180.png 518.8579 +/student_lounge_0001/rgb_00036.jpg /student_lounge_0001/sync_depth_00036.png 518.8579 +/bathroom_0055/rgb_00021.jpg /bathroom_0055/sync_depth_00021.png 518.8579 +/dining_room_0007/rgb_00096.jpg /dining_room_0007/sync_depth_00096.png 518.8579 +/bookstore_0001g/rgb_00273.jpg /bookstore_0001g/sync_depth_00273.png 518.8579 +/living_room_0010/rgb_00039.jpg /living_room_0010/sync_depth_00039.png 518.8579 +/dining_room_0007/rgb_00223.jpg /dining_room_0007/sync_depth_00223.png 518.8579 +/kitchen_0011b/rgb_00070.jpg /kitchen_0011b/sync_depth_00070.png 518.8579 +/bedroom_0080/rgb_00064.jpg /bedroom_0080/sync_depth_00064.png 518.8579 +/bedroom_0065/rgb_00003.jpg /bedroom_0065/sync_depth_00003.png 518.8579 +/dining_room_0016/rgb_00145.jpg /dining_room_0016/sync_depth_00145.png 518.8579 +/bookstore_0001f/rgb_00439.jpg /bookstore_0001f/sync_depth_00439.png 518.8579 +/bedroom_0062/rgb_00128.jpg /bedroom_0062/sync_depth_00128.png 518.8579 +/home_office_0006/rgb_00102.jpg /home_office_0006/sync_depth_00102.png 518.8579 +/kitchen_0045b/rgb_00041.jpg /kitchen_0045b/sync_depth_00041.png 518.8579 +/kitchen_0003/rgb_00014.jpg /kitchen_0003/sync_depth_00014.png 518.8579 +/nyu_office_0/rgb_00376.jpg /nyu_office_0/sync_depth_00376.png 518.8579 +/living_room_0018/rgb_00117.jpg /living_room_0018/sync_depth_00117.png 518.8579 +/study_0003/rgb_00100.jpg /study_0003/sync_depth_00100.png 518.8579 +/study_0004/rgb_00058.jpg /study_0004/sync_depth_00058.png 518.8579 +/bedroom_0066/rgb_00001.jpg /bedroom_0066/sync_depth_00001.png 518.8579 +/furniture_store_0001a/rgb_00011.jpg /furniture_store_0001a/sync_depth_00011.png 518.8579 +/living_room_0050/rgb_00188.jpg /living_room_0050/sync_depth_00188.png 518.8579 +/bedroom_0004/rgb_00064.jpg /bedroom_0004/sync_depth_00064.png 518.8579 +/living_room_0063/rgb_00165.jpg /living_room_0063/sync_depth_00165.png 518.8579 +/conference_room_0002/rgb_00044.jpg /conference_room_0002/sync_depth_00044.png 518.8579 +/study_room_0004/rgb_00196.jpg /study_room_0004/sync_depth_00196.png 518.8579 +/living_room_0046b/rgb_00043.jpg /living_room_0046b/sync_depth_00043.png 518.8579 +/home_office_0006/rgb_00078.jpg /home_office_0006/sync_depth_00078.png 518.8579 +/kitchen_0003/rgb_00105.jpg /kitchen_0003/sync_depth_00105.png 518.8579 +/bedroom_0025/rgb_00013.jpg /bedroom_0025/sync_depth_00013.png 518.8579 +/bedroom_0059/rgb_00058.jpg /bedroom_0059/sync_depth_00058.png 518.8579 +/living_room_0086b/rgb_00033.jpg /living_room_0086b/sync_depth_00033.png 518.8579 +/home_office_0007/rgb_00048.jpg /home_office_0007/sync_depth_00048.png 518.8579 +/dining_room_0015/rgb_00277.jpg /dining_room_0015/sync_depth_00277.png 518.8579 +/bedroom_0042/rgb_00010.jpg /bedroom_0042/sync_depth_00010.png 518.8579 +/bookstore_0001g/rgb_00013.jpg /bookstore_0001g/sync_depth_00013.png 518.8579 +/bedroom_0118/rgb_00009.jpg /bedroom_0118/sync_depth_00009.png 518.8579 +/dining_room_0031/rgb_00382.jpg /dining_room_0031/sync_depth_00382.png 518.8579 +/bedroom_0019/rgb_00118.jpg /bedroom_0019/sync_depth_00118.png 518.8579 +/dining_room_0014/rgb_00035.jpg /dining_room_0014/sync_depth_00035.png 518.8579 +/bedroom_0066/rgb_00018.jpg /bedroom_0066/sync_depth_00018.png 518.8579 +/kitchen_0045b/rgb_00108.jpg /kitchen_0045b/sync_depth_00108.png 518.8579 +/study_room_0005a/rgb_00057.jpg /study_room_0005a/sync_depth_00057.png 518.8579 +/basement_0001a/rgb_00051.jpg /basement_0001a/sync_depth_00051.png 518.8579 +/living_room_0010/rgb_00084.jpg /living_room_0010/sync_depth_00084.png 518.8579 +/bedroom_0100/rgb_00046.jpg /bedroom_0100/sync_depth_00046.png 518.8579 +/living_room_0068/rgb_00012.jpg /living_room_0068/sync_depth_00012.png 518.8579 +/bedroom_0097/rgb_00042.jpg /bedroom_0097/sync_depth_00042.png 518.8579 +/dining_room_0013/rgb_00122.jpg /dining_room_0013/sync_depth_00122.png 518.8579 +/dining_room_0008/rgb_00033.jpg /dining_room_0008/sync_depth_00033.png 518.8579 +/living_room_0068/rgb_00031.jpg /living_room_0068/sync_depth_00031.png 518.8579 +/living_room_0082/rgb_00033.jpg /living_room_0082/sync_depth_00033.png 518.8579 +/kitchen_0031/rgb_00212.jpg /kitchen_0031/sync_depth_00212.png 518.8579 +/bathroom_0019/rgb_00016.jpg /bathroom_0019/sync_depth_00016.png 518.8579 +/dining_room_0015/rgb_00096.jpg /dining_room_0015/sync_depth_00096.png 518.8579 +/furniture_store_0002d/rgb_00037.jpg /furniture_store_0002d/sync_depth_00037.png 518.8579 +/dining_room_0008/rgb_00011.jpg /dining_room_0008/sync_depth_00011.png 518.8579 +/bedroom_0062/rgb_00006.jpg /bedroom_0062/sync_depth_00006.png 518.8579 +/bedroom_0120/rgb_00059.jpg /bedroom_0120/sync_depth_00059.png 518.8579 +/kitchen_0051/rgb_00011.jpg /kitchen_0051/sync_depth_00011.png 518.8579 +/bedroom_0082/rgb_00042.jpg /bedroom_0082/sync_depth_00042.png 518.8579 +/living_room_0010/rgb_00187.jpg /living_room_0010/sync_depth_00187.png 518.8579 +/bedroom_0106/rgb_00064.jpg /bedroom_0106/sync_depth_00064.png 518.8579 +/furniture_store_0002a/rgb_00217.jpg /furniture_store_0002a/sync_depth_00217.png 518.8579 +/bathroom_0001/rgb_00000.jpg /bathroom_0001/sync_depth_00000.png 518.8579 +/bathroom_0014a/rgb_00002.jpg /bathroom_0014a/sync_depth_00002.png 518.8579 +/bathroom_0053/rgb_00034.jpg /bathroom_0053/sync_depth_00034.png 518.8579 +/living_room_0069a/rgb_00070.jpg /living_room_0069a/sync_depth_00070.png 518.8579 +/living_room_0019/rgb_00202.jpg /living_room_0019/sync_depth_00202.png 518.8579 +/kitchen_0011a/rgb_00063.jpg /kitchen_0011a/sync_depth_00063.png 518.8579 +/reception_room_0001b/rgb_00112.jpg /reception_room_0001b/sync_depth_00112.png 518.8579 +/bedroom_0104/rgb_00041.jpg /bedroom_0104/sync_depth_00041.png 518.8579 +/bookstore_0001d/rgb_00114.jpg /bookstore_0001d/sync_depth_00114.png 518.8579 +/basement_0001a/rgb_00088.jpg /basement_0001a/sync_depth_00088.png 518.8579 +/basement_0001a/rgb_00061.jpg /basement_0001a/sync_depth_00061.png 518.8579 +/living_room_0078/rgb_00083.jpg /living_room_0078/sync_depth_00083.png 518.8579 +/dining_room_0031/rgb_00320.jpg /dining_room_0031/sync_depth_00320.png 518.8579 +/study_0006/rgb_00018.jpg /study_0006/sync_depth_00018.png 518.8579 +/dining_room_0014/rgb_00106.jpg /dining_room_0014/sync_depth_00106.png 518.8579 +/bedroom_0074/rgb_00050.jpg /bedroom_0074/sync_depth_00050.png 518.8579 +/living_room_0040/rgb_00229.jpg /living_room_0040/sync_depth_00229.png 518.8579 +/bedroom_0076a/rgb_00216.jpg /bedroom_0076a/sync_depth_00216.png 518.8579 +/bedroom_0076a/rgb_00121.jpg /bedroom_0076a/sync_depth_00121.png 518.8579 +/bathroom_0030/rgb_00045.jpg /bathroom_0030/sync_depth_00045.png 518.8579 +/bedroom_0034/rgb_00108.jpg /bedroom_0034/sync_depth_00108.png 518.8579 +/furniture_store_0002b/rgb_00133.jpg /furniture_store_0002b/sync_depth_00133.png 518.8579 +/bookstore_0001d/rgb_00110.jpg /bookstore_0001d/sync_depth_00110.png 518.8579 +/bedroom_0063/rgb_00057.jpg /bedroom_0063/sync_depth_00057.png 518.8579 +/bedroom_0067a/rgb_00036.jpg /bedroom_0067a/sync_depth_00036.png 518.8579 +/bedroom_0004/rgb_00174.jpg /bedroom_0004/sync_depth_00174.png 518.8579 +/office_0023/rgb_00041.jpg /office_0023/sync_depth_00041.png 518.8579 +/living_room_0069b/rgb_00019.jpg /living_room_0069b/sync_depth_00019.png 518.8579 +/study_0006/rgb_00030.jpg /study_0006/sync_depth_00030.png 518.8579 +/home_office_0008/rgb_00046.jpg /home_office_0008/sync_depth_00046.png 518.8579 +/office_kitchen_0001a/rgb_00088.jpg /office_kitchen_0001a/sync_depth_00088.png 518.8579 +/dining_room_0007/rgb_00031.jpg /dining_room_0007/sync_depth_00031.png 518.8579 +/bathroom_0024/rgb_00010.jpg /bathroom_0024/sync_depth_00010.png 518.8579 +/bedroom_0029/rgb_00022.jpg /bedroom_0029/sync_depth_00022.png 518.8579 +/kitchen_0011a/rgb_00036.jpg /kitchen_0011a/sync_depth_00036.png 518.8579 +/home_office_0004/rgb_00055.jpg /home_office_0004/sync_depth_00055.png 518.8579 +/living_room_0069a/rgb_00113.jpg /living_room_0069a/sync_depth_00113.png 518.8579 +/bedroom_0052/rgb_00103.jpg /bedroom_0052/sync_depth_00103.png 518.8579 +/bedroom_0056a/rgb_00022.jpg /bedroom_0056a/sync_depth_00022.png 518.8579 +/reception_room_0001a/rgb_00061.jpg /reception_room_0001a/sync_depth_00061.png 518.8579 +/dining_room_0012/rgb_00034.jpg /dining_room_0012/sync_depth_00034.png 518.8579 +/living_room_0022/rgb_00218.jpg /living_room_0022/sync_depth_00218.png 518.8579 +/dining_room_0015/rgb_00118.jpg /dining_room_0015/sync_depth_00118.png 518.8579 +/living_room_0022/rgb_00420.jpg /living_room_0022/sync_depth_00420.png 518.8579 +/bedroom_0038/rgb_00020.jpg /bedroom_0038/sync_depth_00020.png 518.8579 +/living_room_0055/rgb_00126.jpg /living_room_0055/sync_depth_00126.png 518.8579 +/bedroom_0020/rgb_00078.jpg /bedroom_0020/sync_depth_00078.png 518.8579 +/study_0004/rgb_00051.jpg /study_0004/sync_depth_00051.png 518.8579 +/furniture_store_0002b/rgb_00197.jpg /furniture_store_0002b/sync_depth_00197.png 518.8579 +/office_0009/rgb_00012.jpg /office_0009/sync_depth_00012.png 518.8579 +/living_room_0083/rgb_00043.jpg /living_room_0083/sync_depth_00043.png 518.8579 +/dining_room_0024/rgb_00167.jpg /dining_room_0024/sync_depth_00167.png 518.8579 +/furniture_store_0002a/rgb_00258.jpg /furniture_store_0002a/sync_depth_00258.png 518.8579 +/furniture_store_0002a/rgb_00418.jpg /furniture_store_0002a/sync_depth_00418.png 518.8579 +/living_room_0085/rgb_00002.jpg /living_room_0085/sync_depth_00002.png 518.8579 +/kitchen_0045a/rgb_00080.jpg /kitchen_0045a/sync_depth_00080.png 518.8579 +/bedroom_0067a/rgb_00026.jpg /bedroom_0067a/sync_depth_00026.png 518.8579 +/kitchen_0008/rgb_00009.jpg /kitchen_0008/sync_depth_00009.png 518.8579 +/kitchen_0028a/rgb_00167.jpg /kitchen_0028a/sync_depth_00167.png 518.8579 +/living_room_0063/rgb_00133.jpg /living_room_0063/sync_depth_00133.png 518.8579 +/kitchen_0029c/rgb_00066.jpg /kitchen_0029c/sync_depth_00066.png 518.8579 +/kitchen_0049/rgb_00225.jpg /kitchen_0049/sync_depth_00225.png 518.8579 +/living_room_0018/rgb_00208.jpg /living_room_0018/sync_depth_00208.png 518.8579 +/bookstore_0001i/rgb_00027.jpg /bookstore_0001i/sync_depth_00027.png 518.8579 +/office_0006/rgb_00019.jpg /office_0006/sync_depth_00019.png 518.8579 +/bedroom_0078/rgb_00020.jpg /bedroom_0078/sync_depth_00020.png 518.8579 +/bedroom_0017/rgb_00017.jpg /bedroom_0017/sync_depth_00017.png 518.8579 +/bedroom_0033/rgb_00105.jpg /bedroom_0033/sync_depth_00105.png 518.8579 +/furniture_store_0001b/rgb_00006.jpg /furniture_store_0001b/sync_depth_00006.png 518.8579 +/bedroom_0025/rgb_00157.jpg /bedroom_0025/sync_depth_00157.png 518.8579 +/bedroom_0033/rgb_00166.jpg /bedroom_0033/sync_depth_00166.png 518.8579 +/living_room_0019/rgb_00159.jpg /living_room_0019/sync_depth_00159.png 518.8579 +/bedroom_0136/rgb_00132.jpg /bedroom_0136/sync_depth_00132.png 518.8579 +/study_room_0005a/rgb_00011.jpg /study_room_0005a/sync_depth_00011.png 518.8579 +/bedroom_0020/rgb_00081.jpg /bedroom_0020/sync_depth_00081.png 518.8579 +/bedroom_0050/rgb_00018.jpg /bedroom_0050/sync_depth_00018.png 518.8579 +/bookstore_0001h/rgb_00017.jpg /bookstore_0001h/sync_depth_00017.png 518.8579 +/home_office_0013/rgb_00075.jpg /home_office_0013/sync_depth_00075.png 518.8579 +/dining_room_0001b/rgb_00111.jpg /dining_room_0001b/sync_depth_00111.png 518.8579 +/bedroom_0050/rgb_00127.jpg /bedroom_0050/sync_depth_00127.png 518.8579 +/dining_room_0031/rgb_00292.jpg /dining_room_0031/sync_depth_00292.png 518.8579 +/office_0004/rgb_00081.jpg /office_0004/sync_depth_00081.png 518.8579 +/nyu_office_0/rgb_00174.jpg /nyu_office_0/sync_depth_00174.png 518.8579 +/bathroom_0014a/rgb_00033.jpg /bathroom_0014a/sync_depth_00033.png 518.8579 +/kitchen_0045a/rgb_00166.jpg /kitchen_0045a/sync_depth_00166.png 518.8579 +/dining_room_0010/rgb_00038.jpg /dining_room_0010/sync_depth_00038.png 518.8579 +/dining_room_0012/rgb_00097.jpg /dining_room_0012/sync_depth_00097.png 518.8579 +/bathroom_0024/rgb_00033.jpg /bathroom_0024/sync_depth_00033.png 518.8579 +/kitchen_0011a/rgb_00012.jpg /kitchen_0011a/sync_depth_00012.png 518.8579 +/bedroom_0025/rgb_00043.jpg /bedroom_0025/sync_depth_00043.png 518.8579 +/kitchen_0037/rgb_00068.jpg /kitchen_0037/sync_depth_00068.png 518.8579 +/kitchen_0029c/rgb_00136.jpg /kitchen_0029c/sync_depth_00136.png 518.8579 +/dining_room_0014/rgb_00109.jpg /dining_room_0014/sync_depth_00109.png 518.8579 +/bedroom_0132/rgb_00040.jpg /bedroom_0132/sync_depth_00040.png 518.8579 +/kitchen_0045b/rgb_00016.jpg /kitchen_0045b/sync_depth_00016.png 518.8579 +/dining_room_0019/rgb_00132.jpg /dining_room_0019/sync_depth_00132.png 518.8579 +/living_room_0050/rgb_00134.jpg /living_room_0050/sync_depth_00134.png 518.8579 +/bedroom_0063/rgb_00067.jpg /bedroom_0063/sync_depth_00067.png 518.8579 +/furniture_store_0002a/rgb_00375.jpg /furniture_store_0002a/sync_depth_00375.png 518.8579 +/bedroom_0025/rgb_00116.jpg /bedroom_0025/sync_depth_00116.png 518.8579 +/bedroom_0019/rgb_00038.jpg /bedroom_0019/sync_depth_00038.png 518.8579 +/classroom_0004/rgb_00027.jpg /classroom_0004/sync_depth_00027.png 518.8579 +/dining_room_0007/rgb_00029.jpg /dining_room_0007/sync_depth_00029.png 518.8579 +/dining_room_0028/rgb_00104.jpg /dining_room_0028/sync_depth_00104.png 518.8579 +/bathroom_0023/rgb_00004.jpg /bathroom_0023/sync_depth_00004.png 518.8579 +/home_office_0013/rgb_00036.jpg /home_office_0013/sync_depth_00036.png 518.8579 +/basement_0001a/rgb_00056.jpg /basement_0001a/sync_depth_00056.png 518.8579 +/bedroom_0019/rgb_00157.jpg /bedroom_0019/sync_depth_00157.png 518.8579 +/living_room_0062/rgb_00007.jpg /living_room_0062/sync_depth_00007.png 518.8579 +/bedroom_0074/rgb_00119.jpg /bedroom_0074/sync_depth_00119.png 518.8579 +/dining_room_0034/rgb_00206.jpg /dining_room_0034/sync_depth_00206.png 518.8579 +/bedroom_0016/rgb_00083.jpg /bedroom_0016/sync_depth_00083.png 518.8579 +/bedroom_0079/rgb_00015.jpg /bedroom_0079/sync_depth_00015.png 518.8579 +/bathroom_0006/rgb_00012.jpg /bathroom_0006/sync_depth_00012.png 518.8579 +/living_room_0019/rgb_00130.jpg /living_room_0019/sync_depth_00130.png 518.8579 +/living_room_0004/rgb_00142.jpg /living_room_0004/sync_depth_00142.png 518.8579 +/bathroom_0048/rgb_00000.jpg /bathroom_0048/sync_depth_00000.png 518.8579 +/office_0009/rgb_00044.jpg /office_0009/sync_depth_00044.png 518.8579 +/bathroom_0016/rgb_00037.jpg /bathroom_0016/sync_depth_00037.png 518.8579 +/bedroom_0069/rgb_00053.jpg /bedroom_0069/sync_depth_00053.png 518.8579 +/office_0011/rgb_00140.jpg /office_0011/sync_depth_00140.png 518.8579 +/furniture_store_0001d/rgb_00271.jpg /furniture_store_0001d/sync_depth_00271.png 518.8579 +/nyu_office_1/rgb_00094.jpg /nyu_office_1/sync_depth_00094.png 518.8579 +/kitchen_0017/rgb_00100.jpg /kitchen_0017/sync_depth_00100.png 518.8579 +/playroom_0002/rgb_00022.jpg /playroom_0002/sync_depth_00022.png 518.8579 +/bedroom_0074/rgb_00013.jpg /bedroom_0074/sync_depth_00013.png 518.8579 +/furniture_store_0001a/rgb_00037.jpg /furniture_store_0001a/sync_depth_00037.png 518.8579 +/bathroom_0007/rgb_00008.jpg /bathroom_0007/sync_depth_00008.png 518.8579 +/bedroom_0042/rgb_00040.jpg /bedroom_0042/sync_depth_00040.png 518.8579 +/office_0004/rgb_00014.jpg /office_0004/sync_depth_00014.png 518.8579 +/kitchen_0016/rgb_00058.jpg /kitchen_0016/sync_depth_00058.png 518.8579 +/bedroom_0019/rgb_00072.jpg /bedroom_0019/sync_depth_00072.png 518.8579 +/living_room_0046a/rgb_00098.jpg /living_room_0046a/sync_depth_00098.png 518.8579 +/bathroom_0045a/rgb_00049.jpg /bathroom_0045a/sync_depth_00049.png 518.8579 +/home_office_0008/rgb_00119.jpg /home_office_0008/sync_depth_00119.png 518.8579 +/living_room_0022/rgb_00416.jpg /living_room_0022/sync_depth_00416.png 518.8579 +/home_office_0008/rgb_00083.jpg /home_office_0008/sync_depth_00083.png 518.8579 +/bedroom_0033/rgb_00089.jpg /bedroom_0033/sync_depth_00089.png 518.8579 +/office_0026/rgb_00172.jpg /office_0026/sync_depth_00172.png 518.8579 +/living_room_0069a/rgb_00107.jpg /living_room_0069a/sync_depth_00107.png 518.8579 +/dining_room_0010/rgb_00003.jpg /dining_room_0010/sync_depth_00003.png 518.8579 +/kitchen_0045a/rgb_00186.jpg /kitchen_0045a/sync_depth_00186.png 518.8579 +/living_room_0004/rgb_00053.jpg /living_room_0004/sync_depth_00053.png 518.8579 +/dining_room_0010/rgb_00102.jpg /dining_room_0010/sync_depth_00102.png 518.8579 +/kitchen_0016/rgb_00052.jpg /kitchen_0016/sync_depth_00052.png 518.8579 +/bookstore_0001g/rgb_00195.jpg /bookstore_0001g/sync_depth_00195.png 518.8579 +/dining_room_0031/rgb_00372.jpg /dining_room_0031/sync_depth_00372.png 518.8579 +/dining_room_0031/rgb_00189.jpg /dining_room_0031/sync_depth_00189.png 518.8579 +/reception_room_0002/rgb_00148.jpg /reception_room_0002/sync_depth_00148.png 518.8579 +/kitchen_0016/rgb_00061.jpg /kitchen_0016/sync_depth_00061.png 518.8579 +/living_room_0067/rgb_00016.jpg /living_room_0067/sync_depth_00016.png 518.8579 +/living_room_0022/rgb_00059.jpg /living_room_0022/sync_depth_00059.png 518.8579 +/kitchen_0050/rgb_00173.jpg /kitchen_0050/sync_depth_00173.png 518.8579 +/classroom_0022/rgb_00086.jpg /classroom_0022/sync_depth_00086.png 518.8579 +/living_room_0022/rgb_00252.jpg /living_room_0022/sync_depth_00252.png 518.8579 +/bedroom_0017/rgb_00114.jpg /bedroom_0017/sync_depth_00114.png 518.8579 +/dining_room_0034/rgb_00130.jpg /dining_room_0034/sync_depth_00130.png 518.8579 +/kitchen_0008/rgb_00031.jpg /kitchen_0008/sync_depth_00031.png 518.8579 +/living_room_0039/rgb_00181.jpg /living_room_0039/sync_depth_00181.png 518.8579 +/bedroom_0129/rgb_00030.jpg /bedroom_0129/sync_depth_00030.png 518.8579 +/kitchen_0060/rgb_00088.jpg /kitchen_0060/sync_depth_00088.png 518.8579 +/study_room_0005b/rgb_00029.jpg /study_room_0005b/sync_depth_00029.png 518.8579 +/student_lounge_0001/rgb_00217.jpg /student_lounge_0001/sync_depth_00217.png 518.8579 +/home_office_0004/rgb_00137.jpg /home_office_0004/sync_depth_00137.png 518.8579 +/living_room_0004/rgb_00022.jpg /living_room_0004/sync_depth_00022.png 518.8579 +/office_0003/rgb_00053.jpg /office_0003/sync_depth_00053.png 518.8579 +/dining_room_0031/rgb_00089.jpg /dining_room_0031/sync_depth_00089.png 518.8579 +/dining_room_0015/rgb_00204.jpg /dining_room_0015/sync_depth_00204.png 518.8579 +/kitchen_0016/rgb_00033.jpg /kitchen_0016/sync_depth_00033.png 518.8579 +/kitchen_0045a/rgb_00173.jpg /kitchen_0045a/sync_depth_00173.png 518.8579 +/bathroom_0030/rgb_00021.jpg /bathroom_0030/sync_depth_00021.png 518.8579 +/classroom_0004/rgb_00071.jpg /classroom_0004/sync_depth_00071.png 518.8579 +/bedroom_0132/rgb_00044.jpg /bedroom_0132/sync_depth_00044.png 518.8579 +/dining_room_0029/rgb_00109.jpg /dining_room_0029/sync_depth_00109.png 518.8579 +/dining_room_0008/rgb_00191.jpg /dining_room_0008/sync_depth_00191.png 518.8579 +/dining_room_0031/rgb_00026.jpg /dining_room_0031/sync_depth_00026.png 518.8579 +/bedroom_0125b/rgb_00071.jpg /bedroom_0125b/sync_depth_00071.png 518.8579 +/dining_room_0024/rgb_00185.jpg /dining_room_0024/sync_depth_00185.png 518.8579 +/living_room_0018/rgb_00082.jpg /living_room_0018/sync_depth_00082.png 518.8579 +/living_room_0022/rgb_00039.jpg /living_room_0022/sync_depth_00039.png 518.8579 +/kitchen_0048/rgb_00023.jpg /kitchen_0048/sync_depth_00023.png 518.8579 +/student_lounge_0001/rgb_00147.jpg /student_lounge_0001/sync_depth_00147.png 518.8579 +/cafe_0001b/rgb_00065.jpg /cafe_0001b/sync_depth_00065.png 518.8579 +/living_room_0050/rgb_00062.jpg /living_room_0050/sync_depth_00062.png 518.8579 +/bedroom_0015/rgb_00071.jpg /bedroom_0015/sync_depth_00071.png 518.8579 +/living_room_0020/rgb_00132.jpg /living_room_0020/sync_depth_00132.png 518.8579 +/living_room_0055/rgb_00056.jpg /living_room_0055/sync_depth_00056.png 518.8579 +/living_room_0010/rgb_00240.jpg /living_room_0010/sync_depth_00240.png 518.8579 +/study_0003/rgb_00014.jpg /study_0003/sync_depth_00014.png 518.8579 +/living_room_0058/rgb_00148.jpg /living_room_0058/sync_depth_00148.png 518.8579 +/living_room_0083/rgb_00015.jpg /living_room_0083/sync_depth_00015.png 518.8579 +/foyer_0002/rgb_00049.jpg /foyer_0002/sync_depth_00049.png 518.8579 +/bathroom_0028/rgb_00132.jpg /bathroom_0028/sync_depth_00132.png 518.8579 +/bedroom_0033/rgb_00015.jpg /bedroom_0033/sync_depth_00015.png 518.8579 +/student_lounge_0001/rgb_00227.jpg /student_lounge_0001/sync_depth_00227.png 518.8579 +/bedroom_0074/rgb_00019.jpg /bedroom_0074/sync_depth_00019.png 518.8579 +/bedroom_0010/rgb_00036.jpg /bedroom_0010/sync_depth_00036.png 518.8579 +/dining_room_0014/rgb_00005.jpg /dining_room_0014/sync_depth_00005.png 518.8579 +/office_0011/rgb_00001.jpg /office_0011/sync_depth_00001.png 518.8579 +/bedroom_0063/rgb_00146.jpg /bedroom_0063/sync_depth_00146.png 518.8579 +/playroom_0006/rgb_00089.jpg /playroom_0006/sync_depth_00089.png 518.8579 +/living_room_0055/rgb_00007.jpg /living_room_0055/sync_depth_00007.png 518.8579 +/student_lounge_0001/rgb_00076.jpg /student_lounge_0001/sync_depth_00076.png 518.8579 +/dining_room_0016/rgb_00105.jpg /dining_room_0016/sync_depth_00105.png 518.8579 +/classroom_0005/rgb_00007.jpg /classroom_0005/sync_depth_00007.png 518.8579 +/bedroom_0106/rgb_00144.jpg /bedroom_0106/sync_depth_00144.png 518.8579 +/dining_room_0008/rgb_00183.jpg /dining_room_0008/sync_depth_00183.png 518.8579 +/furniture_store_0001d/rgb_00216.jpg /furniture_store_0001d/sync_depth_00216.png 518.8579 +/bedroom_0052/rgb_00148.jpg /bedroom_0052/sync_depth_00148.png 518.8579 +/kitchen_0050/rgb_00096.jpg /kitchen_0050/sync_depth_00096.png 518.8579 +/living_room_0067/rgb_00013.jpg /living_room_0067/sync_depth_00013.png 518.8579 +/living_room_0046b/rgb_00003.jpg /living_room_0046b/sync_depth_00003.png 518.8579 +/bedroom_0056b/rgb_00036.jpg /bedroom_0056b/sync_depth_00036.png 518.8579 +/dining_room_0019/rgb_00107.jpg /dining_room_0019/sync_depth_00107.png 518.8579 +/bedroom_0036/rgb_00000.jpg /bedroom_0036/sync_depth_00000.png 518.8579 +/bedroom_0034/rgb_00119.jpg /bedroom_0034/sync_depth_00119.png 518.8579 +/bedroom_0060/rgb_00059.jpg /bedroom_0060/sync_depth_00059.png 518.8579 +/living_room_0040/rgb_00290.jpg /living_room_0040/sync_depth_00290.png 518.8579 +/classroom_0011/rgb_00018.jpg /classroom_0011/sync_depth_00018.png 518.8579 +/bathroom_0016/rgb_00031.jpg /bathroom_0016/sync_depth_00031.png 518.8579 +/living_room_0046a/rgb_00007.jpg /living_room_0046a/sync_depth_00007.png 518.8579 +/living_room_0067/rgb_00045.jpg /living_room_0067/sync_depth_00045.png 518.8579 +/bedroom_0052/rgb_00057.jpg /bedroom_0052/sync_depth_00057.png 518.8579 +/living_room_0063/rgb_00052.jpg /living_room_0063/sync_depth_00052.png 518.8579 +/living_room_0078/rgb_00000.jpg /living_room_0078/sync_depth_00000.png 518.8579 +/bedroom_0025/rgb_00032.jpg /bedroom_0025/sync_depth_00032.png 518.8579 +/bedroom_0086/rgb_00094.jpg /bedroom_0086/sync_depth_00094.png 518.8579 +/living_room_0011/rgb_00119.jpg /living_room_0011/sync_depth_00119.png 518.8579 +/kitchen_0035b/rgb_00171.jpg /kitchen_0035b/sync_depth_00171.png 518.8579 +/bedroom_0100/rgb_00045.jpg /bedroom_0100/sync_depth_00045.png 518.8579 +/kitchen_0035b/rgb_00264.jpg /kitchen_0035b/sync_depth_00264.png 518.8579 +/living_room_0062/rgb_00166.jpg /living_room_0062/sync_depth_00166.png 518.8579 +/bedroom_0120/rgb_00006.jpg /bedroom_0120/sync_depth_00006.png 518.8579 +/living_room_0022/rgb_00284.jpg /living_room_0022/sync_depth_00284.png 518.8579 +/living_room_0038/rgb_00018.jpg /living_room_0038/sync_depth_00018.png 518.8579 +/kitchen_0045b/rgb_00083.jpg /kitchen_0045b/sync_depth_00083.png 518.8579 +/bookstore_0001i/rgb_00105.jpg /bookstore_0001i/sync_depth_00105.png 518.8579 +/office_0011/rgb_00035.jpg /office_0011/sync_depth_00035.png 518.8579 +/kitchen_0053/rgb_00011.jpg /kitchen_0053/sync_depth_00011.png 518.8579 +/home_office_0004/rgb_00094.jpg /home_office_0004/sync_depth_00094.png 518.8579 +/office_0011/rgb_00006.jpg /office_0011/sync_depth_00006.png 518.8579 +/kitchen_0035a/rgb_00052.jpg /kitchen_0035a/sync_depth_00052.png 518.8579 +/living_room_0042b/rgb_00034.jpg /living_room_0042b/sync_depth_00034.png 518.8579 +/office_0026/rgb_00026.jpg /office_0026/sync_depth_00026.png 518.8579 +/dining_room_0034/rgb_00111.jpg /dining_room_0034/sync_depth_00111.png 518.8579 +/kitchen_0035b/rgb_00153.jpg /kitchen_0035b/sync_depth_00153.png 518.8579 +/dining_room_0024/rgb_00137.jpg /dining_room_0024/sync_depth_00137.png 518.8579 +/bedroom_0019/rgb_00083.jpg /bedroom_0019/sync_depth_00083.png 518.8579 +/bedroom_0106/rgb_00077.jpg /bedroom_0106/sync_depth_00077.png 518.8579 +/bedroom_0059/rgb_00016.jpg /bedroom_0059/sync_depth_00016.png 518.8579 +/kitchen_0043/rgb_00160.jpg /kitchen_0043/sync_depth_00160.png 518.8579 +/bedroom_0100/rgb_00069.jpg /bedroom_0100/sync_depth_00069.png 518.8579 +/bedroom_0069/rgb_00105.jpg /bedroom_0069/sync_depth_00105.png 518.8579 +/office_0006/rgb_00097.jpg /office_0006/sync_depth_00097.png 518.8579 +/dining_room_0034/rgb_00109.jpg /dining_room_0034/sync_depth_00109.png 518.8579 +/dining_room_0034/rgb_00044.jpg /dining_room_0034/sync_depth_00044.png 518.8579 +/dining_room_0024/rgb_00015.jpg /dining_room_0024/sync_depth_00015.png 518.8579 +/living_room_0040/rgb_00029.jpg /living_room_0040/sync_depth_00029.png 518.8579 +/bedroom_0118/rgb_00018.jpg /bedroom_0118/sync_depth_00018.png 518.8579 +/kitchen_0011a/rgb_00049.jpg /kitchen_0011a/sync_depth_00049.png 518.8579 +/living_room_0012/rgb_00225.jpg /living_room_0012/sync_depth_00225.png 518.8579 +/kitchen_0053/rgb_00100.jpg /kitchen_0053/sync_depth_00100.png 518.8579 +/kitchen_0047/rgb_00068.jpg /kitchen_0047/sync_depth_00068.png 518.8579 +/bookstore_0001f/rgb_00332.jpg /bookstore_0001f/sync_depth_00332.png 518.8579 +/kitchen_0033/rgb_00014.jpg /kitchen_0033/sync_depth_00014.png 518.8579 +/kitchen_0006/rgb_00003.jpg /kitchen_0006/sync_depth_00003.png 518.8579 +/dining_room_0023/rgb_00067.jpg /dining_room_0023/sync_depth_00067.png 518.8579 +/bedroom_0069/rgb_00114.jpg /bedroom_0069/sync_depth_00114.png 518.8579 +/office_0019/rgb_00002.jpg /office_0019/sync_depth_00002.png 518.8579 +/office_0004/rgb_00041.jpg /office_0004/sync_depth_00041.png 518.8579 +/living_room_0018/rgb_00214.jpg /living_room_0018/sync_depth_00214.png 518.8579 +/furniture_store_0002a/rgb_00179.jpg /furniture_store_0002a/sync_depth_00179.png 518.8579 +/living_room_0046b/rgb_00089.jpg /living_room_0046b/sync_depth_00089.png 518.8579 +/bathroom_0039/rgb_00069.jpg /bathroom_0039/sync_depth_00069.png 518.8579 +/office_0024/rgb_00000.jpg /office_0024/sync_depth_00000.png 518.8579 +/office_0011/rgb_00089.jpg /office_0011/sync_depth_00089.png 518.8579 +/home_office_0008/rgb_00057.jpg /home_office_0008/sync_depth_00057.png 518.8579 +/office_0004/rgb_00083.jpg /office_0004/sync_depth_00083.png 518.8579 +/dining_room_0033/rgb_00103.jpg /dining_room_0033/sync_depth_00103.png 518.8579 +/bedroom_0129/rgb_00045.jpg /bedroom_0129/sync_depth_00045.png 518.8579 +/kitchen_0037/rgb_00106.jpg /kitchen_0037/sync_depth_00106.png 518.8579 +/kitchen_0050/rgb_00198.jpg /kitchen_0050/sync_depth_00198.png 518.8579 +/dining_room_0037/rgb_00065.jpg /dining_room_0037/sync_depth_00065.png 518.8579 +/kitchen_0003/rgb_00139.jpg /kitchen_0003/sync_depth_00139.png 518.8579 +/bedroom_0071/rgb_00101.jpg /bedroom_0071/sync_depth_00101.png 518.8579 +/bedroom_0035/rgb_00029.jpg /bedroom_0035/sync_depth_00029.png 518.8579 +/kitchen_0035b/rgb_00008.jpg /kitchen_0035b/sync_depth_00008.png 518.8579 +/bedroom_0124/rgb_00010.jpg /bedroom_0124/sync_depth_00010.png 518.8579 +/classroom_0004/rgb_00055.jpg /classroom_0004/sync_depth_00055.png 518.8579 +/furniture_store_0001d/rgb_00046.jpg /furniture_store_0001d/sync_depth_00046.png 518.8579 +/bathroom_0019/rgb_00060.jpg /bathroom_0019/sync_depth_00060.png 518.8579 +/kitchen_0049/rgb_00088.jpg /kitchen_0049/sync_depth_00088.png 518.8579 +/excercise_room_0001/rgb_00063.jpg /excercise_room_0001/sync_depth_00063.png 518.8579 +/study_0005/rgb_00009.jpg /study_0005/sync_depth_00009.png 518.8579 +/student_lounge_0001/rgb_00008.jpg /student_lounge_0001/sync_depth_00008.png 518.8579 +/bathroom_0034/rgb_00086.jpg /bathroom_0034/sync_depth_00086.png 518.8579 +/home_office_0004/rgb_00188.jpg /home_office_0004/sync_depth_00188.png 518.8579 +/bookstore_0001j/rgb_00280.jpg /bookstore_0001j/sync_depth_00280.png 518.8579 +/kitchen_0031/rgb_00099.jpg /kitchen_0031/sync_depth_00099.png 518.8579 +/living_room_0086a/rgb_00039.jpg /living_room_0086a/sync_depth_00039.png 518.8579 +/bookstore_0001g/rgb_00118.jpg /bookstore_0001g/sync_depth_00118.png 518.8579 +/kitchen_0052/rgb_00048.jpg /kitchen_0052/sync_depth_00048.png 518.8579 +/living_room_0020/rgb_00009.jpg /living_room_0020/sync_depth_00009.png 518.8579 +/living_room_0019/rgb_00210.jpg /living_room_0019/sync_depth_00210.png 518.8579 +/home_office_0008/rgb_00172.jpg /home_office_0008/sync_depth_00172.png 518.8579 +/office_0026/rgb_00125.jpg /office_0026/sync_depth_00125.png 518.8579 +/printer_room_0001/rgb_00011.jpg /printer_room_0001/sync_depth_00011.png 518.8579 +/bedroom_0067b/rgb_00028.jpg /bedroom_0067b/sync_depth_00028.png 518.8579 +/nyu_office_0/rgb_00229.jpg /nyu_office_0/sync_depth_00229.png 518.8579 +/bathroom_0033/rgb_00051.jpg /bathroom_0033/sync_depth_00051.png 518.8579 +/excercise_room_0001/rgb_00001.jpg /excercise_room_0001/sync_depth_00001.png 518.8579 +/dining_room_0012/rgb_00117.jpg /dining_room_0012/sync_depth_00117.png 518.8579 +/bathroom_0034/rgb_00008.jpg /bathroom_0034/sync_depth_00008.png 518.8579 +/bedroom_0079/rgb_00007.jpg /bedroom_0079/sync_depth_00007.png 518.8579 +/bedroom_0079/rgb_00038.jpg /bedroom_0079/sync_depth_00038.png 518.8579 +/dining_room_0001b/rgb_00232.jpg /dining_room_0001b/sync_depth_00232.png 518.8579 +/dining_room_0012/rgb_00001.jpg /dining_room_0012/sync_depth_00001.png 518.8579 +/bedroom_0104/rgb_00042.jpg /bedroom_0104/sync_depth_00042.png 518.8579 +/bedroom_0051/rgb_00116.jpg /bedroom_0051/sync_depth_00116.png 518.8579 +/bathroom_0045a/rgb_00012.jpg /bathroom_0045a/sync_depth_00012.png 518.8579 +/office_0024/rgb_00102.jpg /office_0024/sync_depth_00102.png 518.8579 +/furniture_store_0001d/rgb_00017.jpg /furniture_store_0001d/sync_depth_00017.png 518.8579 +/living_room_0022/rgb_00052.jpg /living_room_0022/sync_depth_00052.png 518.8579 +/bedroom_0080/rgb_00054.jpg /bedroom_0080/sync_depth_00054.png 518.8579 +/nyu_office_0/rgb_00051.jpg /nyu_office_0/sync_depth_00051.png 518.8579 +/dining_room_0031/rgb_00014.jpg /dining_room_0031/sync_depth_00014.png 518.8579 +/kitchen_0028a/rgb_00161.jpg /kitchen_0028a/sync_depth_00161.png 518.8579 +/dining_room_0023/rgb_00084.jpg /dining_room_0023/sync_depth_00084.png 518.8579 +/dining_room_0031/rgb_00391.jpg /dining_room_0031/sync_depth_00391.png 518.8579 +/bedroom_0004/rgb_00054.jpg /bedroom_0004/sync_depth_00054.png 518.8579 +/kitchen_0006/rgb_00062.jpg /kitchen_0006/sync_depth_00062.png 518.8579 +/bookstore_0001f/rgb_00050.jpg /bookstore_0001f/sync_depth_00050.png 518.8579 +/furniture_store_0002a/rgb_00414.jpg /furniture_store_0002a/sync_depth_00414.png 518.8579 +/bedroom_0081/rgb_00010.jpg /bedroom_0081/sync_depth_00010.png 518.8579 +/dining_room_0024/rgb_00118.jpg /dining_room_0024/sync_depth_00118.png 518.8579 +/bookstore_0001j/rgb_00008.jpg /bookstore_0001j/sync_depth_00008.png 518.8579 +/kitchen_0041/rgb_00020.jpg /kitchen_0041/sync_depth_00020.png 518.8579 +/living_room_0042a/rgb_00018.jpg /living_room_0042a/sync_depth_00018.png 518.8579 +/nyu_office_1/rgb_00106.jpg /nyu_office_1/sync_depth_00106.png 518.8579 +/living_room_0019/rgb_00118.jpg /living_room_0019/sync_depth_00118.png 518.8579 +/bedroom_0053/rgb_00047.jpg /bedroom_0053/sync_depth_00047.png 518.8579 +/living_room_0020/rgb_00137.jpg /living_room_0020/sync_depth_00137.png 518.8579 +/bedroom_0041/rgb_00015.jpg /bedroom_0041/sync_depth_00015.png 518.8579 +/kitchen_0010/rgb_00119.jpg /kitchen_0010/sync_depth_00119.png 518.8579 +/dining_room_0019/rgb_00032.jpg /dining_room_0019/sync_depth_00032.png 518.8579 +/living_room_0022/rgb_00159.jpg /living_room_0022/sync_depth_00159.png 518.8579 +/kitchen_0037/rgb_00076.jpg /kitchen_0037/sync_depth_00076.png 518.8579 +/bedroom_0096/rgb_00055.jpg /bedroom_0096/sync_depth_00055.png 518.8579 +/living_room_0069b/rgb_00084.jpg /living_room_0069b/sync_depth_00084.png 518.8579 +/bathroom_0010/rgb_00041.jpg /bathroom_0010/sync_depth_00041.png 518.8579 +/kitchen_0035a/rgb_00027.jpg /kitchen_0035a/sync_depth_00027.png 518.8579 +/bookstore_0001h/rgb_00078.jpg /bookstore_0001h/sync_depth_00078.png 518.8579 +/bookstore_0001i/rgb_00076.jpg /bookstore_0001i/sync_depth_00076.png 518.8579 +/living_room_0012/rgb_00009.jpg /living_room_0012/sync_depth_00009.png 518.8579 +/home_office_0004/rgb_00058.jpg /home_office_0004/sync_depth_00058.png 518.8579 +/bedroom_0052/rgb_00048.jpg /bedroom_0052/sync_depth_00048.png 518.8579 +/dining_room_0034/rgb_00035.jpg /dining_room_0034/sync_depth_00035.png 518.8579 +/home_office_0007/rgb_00063.jpg /home_office_0007/sync_depth_00063.png 518.8579 +/living_room_0046b/rgb_00035.jpg /living_room_0046b/sync_depth_00035.png 518.8579 +/furniture_store_0002a/rgb_00341.jpg /furniture_store_0002a/sync_depth_00341.png 518.8579 +/kitchen_0045b/rgb_00124.jpg /kitchen_0045b/sync_depth_00124.png 518.8579 +/furniture_store_0001d/rgb_00097.jpg /furniture_store_0001d/sync_depth_00097.png 518.8579 +/bathroom_0005/rgb_00004.jpg /bathroom_0005/sync_depth_00004.png 518.8579 +/kitchen_0033/rgb_00139.jpg /kitchen_0033/sync_depth_00139.png 518.8579 +/kitchen_0047/rgb_00147.jpg /kitchen_0047/sync_depth_00147.png 518.8579 +/bedroom_0004/rgb_00044.jpg /bedroom_0004/sync_depth_00044.png 518.8579 +/kitchen_0060/rgb_00087.jpg /kitchen_0060/sync_depth_00087.png 518.8579 +/classroom_0004/rgb_00025.jpg /classroom_0004/sync_depth_00025.png 518.8579 +/bedroom_0040/rgb_00031.jpg /bedroom_0040/sync_depth_00031.png 518.8579 +/study_room_0005b/rgb_00089.jpg /study_room_0005b/sync_depth_00089.png 518.8579 +/kitchen_0003/rgb_00067.jpg /kitchen_0003/sync_depth_00067.png 518.8579 +/dining_room_0012/rgb_00219.jpg /dining_room_0012/sync_depth_00219.png 518.8579 +/kitchen_0053/rgb_00139.jpg /kitchen_0053/sync_depth_00139.png 518.8579 +/bookstore_0001g/rgb_00242.jpg /bookstore_0001g/sync_depth_00242.png 518.8579 +/nyu_office_0/rgb_00247.jpg /nyu_office_0/sync_depth_00247.png 518.8579 +/printer_room_0001/rgb_00081.jpg /printer_room_0001/sync_depth_00081.png 518.8579 +/dining_room_0029/rgb_00088.jpg /dining_room_0029/sync_depth_00088.png 518.8579 +/furniture_store_0002a/rgb_00369.jpg /furniture_store_0002a/sync_depth_00369.png 518.8579 +/furniture_store_0002a/rgb_00320.jpg /furniture_store_0002a/sync_depth_00320.png 518.8579 +/bedroom_0026/rgb_00145.jpg /bedroom_0026/sync_depth_00145.png 518.8579 +/kitchen_0048/rgb_00103.jpg /kitchen_0048/sync_depth_00103.png 518.8579 +/bedroom_0034/rgb_00066.jpg /bedroom_0034/sync_depth_00066.png 518.8579 +/kitchen_0028a/rgb_00070.jpg /kitchen_0028a/sync_depth_00070.png 518.8579 +/living_room_0046a/rgb_00085.jpg /living_room_0046a/sync_depth_00085.png 518.8579 +/furniture_store_0001e/rgb_00015.jpg /furniture_store_0001e/sync_depth_00015.png 518.8579 +/furniture_store_0001d/rgb_00284.jpg /furniture_store_0001d/sync_depth_00284.png 518.8579 +/dining_room_0013/rgb_00138.jpg /dining_room_0013/sync_depth_00138.png 518.8579 +/kitchen_0043/rgb_00178.jpg /kitchen_0043/sync_depth_00178.png 518.8579 +/bedroom_0136/rgb_00026.jpg /bedroom_0136/sync_depth_00026.png 518.8579 +/kitchen_0029c/rgb_00016.jpg /kitchen_0029c/sync_depth_00016.png 518.8579 +/bathroom_0010/rgb_00029.jpg /bathroom_0010/sync_depth_00029.png 518.8579 +/dining_room_0015/rgb_00079.jpg /dining_room_0015/sync_depth_00079.png 518.8579 +/study_0004/rgb_00042.jpg /study_0004/sync_depth_00042.png 518.8579 +/bedroom_0071/rgb_00008.jpg /bedroom_0071/sync_depth_00008.png 518.8579 +/bedroom_0136/rgb_00149.jpg /bedroom_0136/sync_depth_00149.png 518.8579 +/student_lounge_0001/rgb_00250.jpg /student_lounge_0001/sync_depth_00250.png 518.8579 +/kitchen_0049/rgb_00144.jpg /kitchen_0049/sync_depth_00144.png 518.8579 +/dining_room_0008/rgb_00026.jpg /dining_room_0008/sync_depth_00026.png 518.8579 +/bedroom_0132/rgb_00014.jpg /bedroom_0132/sync_depth_00014.png 518.8579 +/dining_room_0031/rgb_00140.jpg /dining_room_0031/sync_depth_00140.png 518.8579 +/dining_room_0024/rgb_00021.jpg /dining_room_0024/sync_depth_00021.png 518.8579 +/bedroom_0086/rgb_00120.jpg /bedroom_0086/sync_depth_00120.png 518.8579 +/kitchen_0011b/rgb_00028.jpg /kitchen_0011b/sync_depth_00028.png 518.8579 +/bookstore_0001j/rgb_00266.jpg /bookstore_0001j/sync_depth_00266.png 518.8579 +/bedroom_0071/rgb_00169.jpg /bedroom_0071/sync_depth_00169.png 518.8579 +/kitchen_0045b/rgb_00007.jpg /kitchen_0045b/sync_depth_00007.png 518.8579 +/dining_room_0023/rgb_00162.jpg /dining_room_0023/sync_depth_00162.png 518.8579 +/playroom_0002/rgb_00085.jpg /playroom_0002/sync_depth_00085.png 518.8579 +/bedroom_0067a/rgb_00018.jpg /bedroom_0067a/sync_depth_00018.png 518.8579 +/kitchen_0047/rgb_00135.jpg /kitchen_0047/sync_depth_00135.png 518.8579 +/dining_room_0008/rgb_00188.jpg /dining_room_0008/sync_depth_00188.png 518.8579 +/bathroom_0039/rgb_00080.jpg /bathroom_0039/sync_depth_00080.png 518.8579 +/bathroom_0007/rgb_00115.jpg /bathroom_0007/sync_depth_00115.png 518.8579 +/bedroom_0082/rgb_00004.jpg /bedroom_0082/sync_depth_00004.png 518.8579 +/playroom_0004/rgb_00091.jpg /playroom_0004/sync_depth_00091.png 518.8579 +/bedroom_0113/rgb_00109.jpg /bedroom_0113/sync_depth_00109.png 518.8579 +/living_room_0063/rgb_00015.jpg /living_room_0063/sync_depth_00015.png 518.8579 +/dining_room_0024/rgb_00112.jpg /dining_room_0024/sync_depth_00112.png 518.8579 +/bedroom_0097/rgb_00007.jpg /bedroom_0097/sync_depth_00007.png 518.8579 +/dining_room_0034/rgb_00028.jpg /dining_room_0034/sync_depth_00028.png 518.8579 +/living_room_0012/rgb_00087.jpg /living_room_0012/sync_depth_00087.png 518.8579 +/dining_room_0016/rgb_00005.jpg /dining_room_0016/sync_depth_00005.png 518.8579 +/bedroom_0033/rgb_00048.jpg /bedroom_0033/sync_depth_00048.png 518.8579 +/living_room_0019/rgb_00191.jpg /living_room_0019/sync_depth_00191.png 518.8579 +/furniture_store_0002b/rgb_00005.jpg /furniture_store_0002b/sync_depth_00005.png 518.8579 +/nyu_office_1/rgb_00034.jpg /nyu_office_1/sync_depth_00034.png 518.8579 +/bedroom_0126/rgb_00064.jpg /bedroom_0126/sync_depth_00064.png 518.8579 +/bookstore_0001j/rgb_00051.jpg /bookstore_0001j/sync_depth_00051.png 518.8579 +/bathroom_0057/rgb_00013.jpg /bathroom_0057/sync_depth_00013.png 518.8579 +/bedroom_0026/rgb_00003.jpg /bedroom_0026/sync_depth_00003.png 518.8579 +/dining_room_0015/rgb_00128.jpg /dining_room_0015/sync_depth_00128.png 518.8579 +/bathroom_0010/rgb_00048.jpg /bathroom_0010/sync_depth_00048.png 518.8579 +/living_room_0070/rgb_00083.jpg /living_room_0070/sync_depth_00083.png 518.8579 +/home_office_0013/rgb_00016.jpg /home_office_0013/sync_depth_00016.png 518.8579 +/kitchen_0060/rgb_00130.jpg /kitchen_0060/sync_depth_00130.png 518.8579 +/kitchen_0019a/rgb_00067.jpg /kitchen_0019a/sync_depth_00067.png 518.8579 +/bedroom_0016/rgb_00193.jpg /bedroom_0016/sync_depth_00193.png 518.8579 +/bedroom_0067a/rgb_00007.jpg /bedroom_0067a/sync_depth_00007.png 518.8579 +/bathroom_0041/rgb_00070.jpg /bathroom_0041/sync_depth_00070.png 518.8579 +/kitchen_0051/rgb_00112.jpg /kitchen_0051/sync_depth_00112.png 518.8579 +/furniture_store_0001d/rgb_00108.jpg /furniture_store_0001d/sync_depth_00108.png 518.8579 +/office_0011/rgb_00093.jpg /office_0011/sync_depth_00093.png 518.8579 +/bathroom_0053/rgb_00040.jpg /bathroom_0053/sync_depth_00040.png 518.8579 +/furniture_store_0001d/rgb_00257.jpg /furniture_store_0001d/sync_depth_00257.png 518.8579 +/dining_room_0031/rgb_00197.jpg /dining_room_0031/sync_depth_00197.png 518.8579 +/playroom_0004/rgb_00004.jpg /playroom_0004/sync_depth_00004.png 518.8579 +/bookstore_0001f/rgb_00080.jpg /bookstore_0001f/sync_depth_00080.png 518.8579 +/furniture_store_0001d/rgb_00025.jpg /furniture_store_0001d/sync_depth_00025.png 518.8579 +/dining_room_0033/rgb_00152.jpg /dining_room_0033/sync_depth_00152.png 518.8579 +/bedroom_0004/rgb_00130.jpg /bedroom_0004/sync_depth_00130.png 518.8579 +/home_office_0006/rgb_00157.jpg /home_office_0006/sync_depth_00157.png 518.8579 +/bookstore_0001i/rgb_00143.jpg /bookstore_0001i/sync_depth_00143.png 518.8579 +/bedroom_0019/rgb_00128.jpg /bedroom_0019/sync_depth_00128.png 518.8579 +/bedroom_0076a/rgb_00273.jpg /bedroom_0076a/sync_depth_00273.png 518.8579 +/living_room_0040/rgb_00045.jpg /living_room_0040/sync_depth_00045.png 518.8579 +/bookstore_0001h/rgb_00144.jpg /bookstore_0001h/sync_depth_00144.png 518.8579 +/dining_room_0033/rgb_00042.jpg /dining_room_0033/sync_depth_00042.png 518.8579 +/bedroom_0052/rgb_00097.jpg /bedroom_0052/sync_depth_00097.png 518.8579 +/bookstore_0001f/rgb_00064.jpg /bookstore_0001f/sync_depth_00064.png 518.8579 +/student_lounge_0001/rgb_00004.jpg /student_lounge_0001/sync_depth_00004.png 518.8579 +/living_room_0055/rgb_00042.jpg /living_room_0055/sync_depth_00042.png 518.8579 +/bookstore_0001d/rgb_00220.jpg /bookstore_0001d/sync_depth_00220.png 518.8579 +/living_room_0019/rgb_00186.jpg /living_room_0019/sync_depth_00186.png 518.8579 +/bookstore_0001e/rgb_00112.jpg /bookstore_0001e/sync_depth_00112.png 518.8579 +/dining_room_0031/rgb_00151.jpg /dining_room_0031/sync_depth_00151.png 518.8579 +/living_room_0047b/rgb_00171.jpg /living_room_0047b/sync_depth_00171.png 518.8579 +/home_office_0006/rgb_00105.jpg /home_office_0006/sync_depth_00105.png 518.8579 +/bedroom_0041/rgb_00021.jpg /bedroom_0041/sync_depth_00021.png 518.8579 +/living_room_0012/rgb_00226.jpg /living_room_0012/sync_depth_00226.png 518.8579 +/living_room_0005/rgb_00106.jpg /living_room_0005/sync_depth_00106.png 518.8579 +/dining_room_0019/rgb_00090.jpg /dining_room_0019/sync_depth_00090.png 518.8579 +/bedroom_0025/rgb_00151.jpg /bedroom_0025/sync_depth_00151.png 518.8579 +/bedroom_0118/rgb_00025.jpg /bedroom_0118/sync_depth_00025.png 518.8579 +/home_office_0011/rgb_00010.jpg /home_office_0011/sync_depth_00010.png 518.8579 +/dining_room_0004/rgb_00081.jpg /dining_room_0004/sync_depth_00081.png 518.8579 +/bedroom_0125b/rgb_00097.jpg /bedroom_0125b/sync_depth_00097.png 518.8579 +/bedroom_0076a/rgb_00284.jpg /bedroom_0076a/sync_depth_00284.png 518.8579 +/living_room_0011/rgb_00090.jpg /living_room_0011/sync_depth_00090.png 518.8579 +/living_room_0070/rgb_00015.jpg /living_room_0070/sync_depth_00015.png 518.8579 +/bedroom_0063/rgb_00037.jpg /bedroom_0063/sync_depth_00037.png 518.8579 +/bedroom_0136/rgb_00093.jpg /bedroom_0136/sync_depth_00093.png 518.8579 +/living_room_0047b/rgb_00138.jpg /living_room_0047b/sync_depth_00138.png 518.8579 +/nyu_office_0/rgb_00360.jpg /nyu_office_0/sync_depth_00360.png 518.8579 +/kitchen_0043/rgb_00114.jpg /kitchen_0043/sync_depth_00114.png 518.8579 +/bedroom_0050/rgb_00186.jpg /bedroom_0050/sync_depth_00186.png 518.8579 +/cafe_0001c/rgb_00023.jpg /cafe_0001c/sync_depth_00023.png 518.8579 +/living_room_0069a/rgb_00024.jpg /living_room_0069a/sync_depth_00024.png 518.8579 +/bedroom_0052/rgb_00179.jpg /bedroom_0052/sync_depth_00179.png 518.8579 +/bathroom_0053/rgb_00057.jpg /bathroom_0053/sync_depth_00057.png 518.8579 +/bathroom_0053/rgb_00037.jpg /bathroom_0053/sync_depth_00037.png 518.8579 +/indoor_balcony_0001/rgb_00024.jpg /indoor_balcony_0001/sync_depth_00024.png 518.8579 +/conference_room_0001/rgb_00117.jpg /conference_room_0001/sync_depth_00117.png 518.8579 +/bathroom_0048/rgb_00087.jpg /bathroom_0048/sync_depth_00087.png 518.8579 +/kitchen_0033/rgb_00155.jpg /kitchen_0033/sync_depth_00155.png 518.8579 +/bathroom_0028/rgb_00135.jpg /bathroom_0028/sync_depth_00135.png 518.8579 +/bookstore_0001d/rgb_00014.jpg /bookstore_0001d/sync_depth_00014.png 518.8579 +/bedroom_0026/rgb_00051.jpg /bedroom_0026/sync_depth_00051.png 518.8579 +/bathroom_0013/rgb_00054.jpg /bathroom_0013/sync_depth_00054.png 518.8579 +/bedroom_0033/rgb_00091.jpg /bedroom_0033/sync_depth_00091.png 518.8579 +/kitchen_0006/rgb_00053.jpg /kitchen_0006/sync_depth_00053.png 518.8579 +/living_room_0004/rgb_00098.jpg /living_room_0004/sync_depth_00098.png 518.8579 +/living_room_0011/rgb_00068.jpg /living_room_0011/sync_depth_00068.png 518.8579 +/living_room_0078/rgb_00108.jpg /living_room_0078/sync_depth_00108.png 518.8579 +/bedroom_0057/rgb_00007.jpg /bedroom_0057/sync_depth_00007.png 518.8579 +/bedroom_0050/rgb_00133.jpg /bedroom_0050/sync_depth_00133.png 518.8579 +/bedroom_0098/rgb_00027.jpg /bedroom_0098/sync_depth_00027.png 518.8579 +/kitchen_0028b/rgb_00019.jpg /kitchen_0028b/sync_depth_00019.png 518.8579 +/reception_room_0002/rgb_00116.jpg /reception_room_0002/sync_depth_00116.png 518.8579 +/living_room_0058/rgb_00280.jpg /living_room_0058/sync_depth_00280.png 518.8579 +/bedroom_0021/rgb_00043.jpg /bedroom_0021/sync_depth_00043.png 518.8579 +/kitchen_0041/rgb_00010.jpg /kitchen_0041/sync_depth_00010.png 518.8579 +/dining_room_0013/rgb_00192.jpg /dining_room_0013/sync_depth_00192.png 518.8579 +/kitchen_0033/rgb_00068.jpg /kitchen_0033/sync_depth_00068.png 518.8579 +/kitchen_0049/rgb_00085.jpg /kitchen_0049/sync_depth_00085.png 518.8579 +/office_0003/rgb_00010.jpg /office_0003/sync_depth_00010.png 518.8579 +/office_0003/rgb_00019.jpg /office_0003/sync_depth_00019.png 518.8579 +/dining_room_0010/rgb_00050.jpg /dining_room_0010/sync_depth_00050.png 518.8579 +/bedroom_0136/rgb_00112.jpg /bedroom_0136/sync_depth_00112.png 518.8579 +/kitchen_0060/rgb_00116.jpg /kitchen_0060/sync_depth_00116.png 518.8579 +/bedroom_0071/rgb_00103.jpg /bedroom_0071/sync_depth_00103.png 518.8579 +/living_room_0063/rgb_00117.jpg /living_room_0063/sync_depth_00117.png 518.8579 +/office_0003/rgb_00016.jpg /office_0003/sync_depth_00016.png 518.8579 +/home_storage_0001/rgb_00085.jpg /home_storage_0001/sync_depth_00085.png 518.8579 +/living_room_0050/rgb_00243.jpg /living_room_0050/sync_depth_00243.png 518.8579 +/bathroom_0007/rgb_00118.jpg /bathroom_0007/sync_depth_00118.png 518.8579 +/dining_room_0015/rgb_00132.jpg /dining_room_0015/sync_depth_00132.png 518.8579 +/bedroom_0076a/rgb_00259.jpg /bedroom_0076a/sync_depth_00259.png 518.8579 +/bedroom_0033/rgb_00136.jpg /bedroom_0033/sync_depth_00136.png 518.8579 +/bathroom_0007/rgb_00025.jpg /bathroom_0007/sync_depth_00025.png 518.8579 +/reception_room_0001a/rgb_00051.jpg /reception_room_0001a/sync_depth_00051.png 518.8579 +/bedroom_0042/rgb_00013.jpg /bedroom_0042/sync_depth_00013.png 518.8579 +/kitchen_0045a/rgb_00021.jpg /kitchen_0045a/sync_depth_00021.png 518.8579 +/living_room_0004/rgb_00134.jpg /living_room_0004/sync_depth_00134.png 518.8579 +/kitchen_0047/rgb_00136.jpg /kitchen_0047/sync_depth_00136.png 518.8579 +/bedroom_0066/rgb_00038.jpg /bedroom_0066/sync_depth_00038.png 518.8579 +/bedroom_0106/rgb_00059.jpg /bedroom_0106/sync_depth_00059.png 518.8579 +/classroom_0022/rgb_00066.jpg /classroom_0022/sync_depth_00066.png 518.8579 +/bathroom_0010/rgb_00038.jpg /bathroom_0010/sync_depth_00038.png 518.8579 +/kitchen_0049/rgb_00158.jpg /kitchen_0049/sync_depth_00158.png 518.8579 +/living_room_0029/rgb_00058.jpg /living_room_0029/sync_depth_00058.png 518.8579 +/office_0025/rgb_00009.jpg /office_0025/sync_depth_00009.png 518.8579 +/bookstore_0001d/rgb_00334.jpg /bookstore_0001d/sync_depth_00334.png 518.8579 +/dining_room_0031/rgb_00011.jpg /dining_room_0031/sync_depth_00011.png 518.8579 +/living_room_0035/rgb_00007.jpg /living_room_0035/sync_depth_00007.png 518.8579 +/bedroom_0126/rgb_00013.jpg /bedroom_0126/sync_depth_00013.png 518.8579 +/bedroom_0124/rgb_00004.jpg /bedroom_0124/sync_depth_00004.png 518.8579 +/dining_room_0037/rgb_00131.jpg /dining_room_0037/sync_depth_00131.png 518.8579 +/bookstore_0001i/rgb_00018.jpg /bookstore_0001i/sync_depth_00018.png 518.8579 +/playroom_0002/rgb_00156.jpg /playroom_0002/sync_depth_00156.png 518.8579 +/bedroom_0056a/rgb_00010.jpg /bedroom_0056a/sync_depth_00010.png 518.8579 +/living_room_0050/rgb_00034.jpg /living_room_0050/sync_depth_00034.png 518.8579 +/dining_room_0019/rgb_00033.jpg /dining_room_0019/sync_depth_00033.png 518.8579 +/bathroom_0056/rgb_00040.jpg /bathroom_0056/sync_depth_00040.png 518.8579 +/bedroom_0074/rgb_00005.jpg /bedroom_0074/sync_depth_00005.png 518.8579 +/basement_0001a/rgb_00134.jpg /basement_0001a/sync_depth_00134.png 518.8579 +/kitchen_0049/rgb_00052.jpg /kitchen_0049/sync_depth_00052.png 518.8579 +/bookstore_0001d/rgb_00033.jpg /bookstore_0001d/sync_depth_00033.png 518.8579 +/bedroom_0050/rgb_00079.jpg /bedroom_0050/sync_depth_00079.png 518.8579 +/home_office_0005/rgb_00093.jpg /home_office_0005/sync_depth_00093.png 518.8579 +/dining_room_0014/rgb_00122.jpg /dining_room_0014/sync_depth_00122.png 518.8579 +/dining_room_0031/rgb_00224.jpg /dining_room_0031/sync_depth_00224.png 518.8579 +/furniture_store_0001c/rgb_00001.jpg /furniture_store_0001c/sync_depth_00001.png 518.8579 +/office_0019/rgb_00031.jpg /office_0019/sync_depth_00031.png 518.8579 +/dining_room_0015/rgb_00231.jpg /dining_room_0015/sync_depth_00231.png 518.8579 +/bookstore_0001e/rgb_00114.jpg /bookstore_0001e/sync_depth_00114.png 518.8579 +/living_room_0047b/rgb_00098.jpg /living_room_0047b/sync_depth_00098.png 518.8579 +/living_room_0019/rgb_00175.jpg /living_room_0019/sync_depth_00175.png 518.8579 +/office_0006/rgb_00105.jpg /office_0006/sync_depth_00105.png 518.8579 +/bedroom_0052/rgb_00190.jpg /bedroom_0052/sync_depth_00190.png 518.8579 +/kitchen_0045a/rgb_00098.jpg /kitchen_0045a/sync_depth_00098.png 518.8579 +/reception_room_0002/rgb_00063.jpg /reception_room_0002/sync_depth_00063.png 518.8579 +/living_room_0058/rgb_00210.jpg /living_room_0058/sync_depth_00210.png 518.8579 +/furniture_store_0001c/rgb_00030.jpg /furniture_store_0001c/sync_depth_00030.png 518.8579 +/basement_0001a/rgb_00091.jpg /basement_0001a/sync_depth_00091.png 518.8579 +/classroom_0022/rgb_00006.jpg /classroom_0022/sync_depth_00006.png 518.8579 +/kitchen_0037/rgb_00021.jpg /kitchen_0037/sync_depth_00021.png 518.8579 +/bedroom_0034/rgb_00069.jpg /bedroom_0034/sync_depth_00069.png 518.8579 +/office_0009/rgb_00021.jpg /office_0009/sync_depth_00021.png 518.8579 +/bathroom_0049/rgb_00058.jpg /bathroom_0049/sync_depth_00058.png 518.8579 +/office_kitchen_0001a/rgb_00056.jpg /office_kitchen_0001a/sync_depth_00056.png 518.8579 +/bedroom_0010/rgb_00124.jpg /bedroom_0010/sync_depth_00124.png 518.8579 +/reception_room_0002/rgb_00078.jpg /reception_room_0002/sync_depth_00078.png 518.8579 +/kitchen_0037/rgb_00019.jpg /kitchen_0037/sync_depth_00019.png 518.8579 +/dining_room_0031/rgb_00141.jpg /dining_room_0031/sync_depth_00141.png 518.8579 +/living_room_0039/rgb_00041.jpg /living_room_0039/sync_depth_00041.png 518.8579 +/kitchen_0010/rgb_00124.jpg /kitchen_0010/sync_depth_00124.png 518.8579 +/living_room_0058/rgb_00097.jpg /living_room_0058/sync_depth_00097.png 518.8579 +/furniture_store_0001d/rgb_00009.jpg /furniture_store_0001d/sync_depth_00009.png 518.8579 +/kitchen_0043/rgb_00245.jpg /kitchen_0043/sync_depth_00245.png 518.8579 +/bedroom_0042/rgb_00032.jpg /bedroom_0042/sync_depth_00032.png 518.8579 +/office_kitchen_0003/rgb_00083.jpg /office_kitchen_0003/sync_depth_00083.png 518.8579 +/dining_room_0033/rgb_00099.jpg /dining_room_0033/sync_depth_00099.png 518.8579 +/kitchen_0031/rgb_00006.jpg /kitchen_0031/sync_depth_00006.png 518.8579 +/bathroom_0007/rgb_00038.jpg /bathroom_0007/sync_depth_00038.png 518.8579 +/kitchen_0043/rgb_00167.jpg /kitchen_0043/sync_depth_00167.png 518.8579 +/bedroom_0026/rgb_00136.jpg /bedroom_0026/sync_depth_00136.png 518.8579 +/kitchen_0045a/rgb_00012.jpg /kitchen_0045a/sync_depth_00012.png 518.8579 +/bookstore_0001d/rgb_00030.jpg /bookstore_0001d/sync_depth_00030.png 518.8579 +/dining_room_0031/rgb_00134.jpg /dining_room_0031/sync_depth_00134.png 518.8579 +/bedroom_0081/rgb_00020.jpg /bedroom_0081/sync_depth_00020.png 518.8579 +/living_room_0078/rgb_00069.jpg /living_room_0078/sync_depth_00069.png 518.8579 +/bedroom_0025/rgb_00064.jpg /bedroom_0025/sync_depth_00064.png 518.8579 +/home_office_0005/rgb_00020.jpg /home_office_0005/sync_depth_00020.png 518.8579 +/student_lounge_0001/rgb_00077.jpg /student_lounge_0001/sync_depth_00077.png 518.8579 +/office_0026/rgb_00115.jpg /office_0026/sync_depth_00115.png 518.8579 +/kitchen_0045b/rgb_00099.jpg /kitchen_0045b/sync_depth_00099.png 518.8579 +/living_room_0011/rgb_00106.jpg /living_room_0011/sync_depth_00106.png 518.8579 +/bedroom_0019/rgb_00009.jpg /bedroom_0019/sync_depth_00009.png 518.8579 +/living_room_0040/rgb_00232.jpg /living_room_0040/sync_depth_00232.png 518.8579 +/bathroom_0014a/rgb_00009.jpg /bathroom_0014a/sync_depth_00009.png 518.8579 +/furniture_store_0001e/rgb_00026.jpg /furniture_store_0001e/sync_depth_00026.png 518.8579 +/living_room_0083/rgb_00023.jpg /living_room_0083/sync_depth_00023.png 518.8579 +/kitchen_0035b/rgb_00137.jpg /kitchen_0035b/sync_depth_00137.png 518.8579 +/bedroom_0053/rgb_00024.jpg /bedroom_0053/sync_depth_00024.png 518.8579 +/living_room_0022/rgb_00432.jpg /living_room_0022/sync_depth_00432.png 518.8579 +/living_room_0019/rgb_00152.jpg /living_room_0019/sync_depth_00152.png 518.8579 +/bathroom_0033/rgb_00037.jpg /bathroom_0033/sync_depth_00037.png 518.8579 +/bedroom_0017/rgb_00091.jpg /bedroom_0017/sync_depth_00091.png 518.8579 +/living_room_0078/rgb_00128.jpg /living_room_0078/sync_depth_00128.png 518.8579 +/reception_room_0002/rgb_00097.jpg /reception_room_0002/sync_depth_00097.png 518.8579 +/kitchen_0053/rgb_00144.jpg /kitchen_0053/sync_depth_00144.png 518.8579 +/bedroom_0052/rgb_00182.jpg /bedroom_0052/sync_depth_00182.png 518.8579 +/bedroom_0017/rgb_00150.jpg /bedroom_0017/sync_depth_00150.png 518.8579 +/bedroom_0050/rgb_00123.jpg /bedroom_0050/sync_depth_00123.png 518.8579 +/bedroom_0069/rgb_00063.jpg /bedroom_0069/sync_depth_00063.png 518.8579 +/office_kitchen_0003/rgb_00119.jpg /office_kitchen_0003/sync_depth_00119.png 518.8579 +/bedroom_0130/rgb_00091.jpg /bedroom_0130/sync_depth_00091.png 518.8579 +/living_room_0063/rgb_00119.jpg /living_room_0063/sync_depth_00119.png 518.8579 +/bookstore_0001g/rgb_00134.jpg /bookstore_0001g/sync_depth_00134.png 518.8579 +/dining_room_0037/rgb_00112.jpg /dining_room_0037/sync_depth_00112.png 518.8579 +/kitchen_0043/rgb_00176.jpg /kitchen_0043/sync_depth_00176.png 518.8579 +/bedroom_0021/rgb_00016.jpg /bedroom_0021/sync_depth_00016.png 518.8579 +/kitchen_0010/rgb_00064.jpg /kitchen_0010/sync_depth_00064.png 518.8579 +/living_room_0071/rgb_00027.jpg /living_room_0071/sync_depth_00027.png 518.8579 +/bedroom_0053/rgb_00009.jpg /bedroom_0053/sync_depth_00009.png 518.8579 +/bedroom_0104/rgb_00106.jpg /bedroom_0104/sync_depth_00106.png 518.8579 +/bedroom_0066/rgb_00024.jpg /bedroom_0066/sync_depth_00024.png 518.8579 +/bedroom_0086/rgb_00066.jpg /bedroom_0086/sync_depth_00066.png 518.8579 +/bedroom_0082/rgb_00002.jpg /bedroom_0082/sync_depth_00002.png 518.8579 +/home_office_0005/rgb_00038.jpg /home_office_0005/sync_depth_00038.png 518.8579 +/dining_room_0015/rgb_00109.jpg /dining_room_0015/sync_depth_00109.png 518.8579 +/bathroom_0045a/rgb_00041.jpg /bathroom_0045a/sync_depth_00041.png 518.8579 +/office_0006/rgb_00153.jpg /office_0006/sync_depth_00153.png 518.8579 +/office_0026/rgb_00033.jpg /office_0026/sync_depth_00033.png 518.8579 +/home_office_0004/rgb_00017.jpg /home_office_0004/sync_depth_00017.png 518.8579 +/bedroom_0010/rgb_00119.jpg /bedroom_0010/sync_depth_00119.png 518.8579 +/office_0006/rgb_00138.jpg /office_0006/sync_depth_00138.png 518.8579 +/living_room_0005/rgb_00046.jpg /living_room_0005/sync_depth_00046.png 518.8579 +/bedroom_0078/rgb_00042.jpg /bedroom_0078/sync_depth_00042.png 518.8579 +/living_room_0047b/rgb_00049.jpg /living_room_0047b/sync_depth_00049.png 518.8579 +/bedroom_0076a/rgb_00082.jpg /bedroom_0076a/sync_depth_00082.png 518.8579 +/bathroom_0045a/rgb_00031.jpg /bathroom_0045a/sync_depth_00031.png 518.8579 +/living_room_0069a/rgb_00029.jpg /living_room_0069a/sync_depth_00029.png 518.8579 +/furniture_store_0002b/rgb_00019.jpg /furniture_store_0002b/sync_depth_00019.png 518.8579 +/office_kitchen_0001a/rgb_00085.jpg /office_kitchen_0001a/sync_depth_00085.png 518.8579 +/bedroom_0132/rgb_00026.jpg /bedroom_0132/sync_depth_00026.png 518.8579 +/bathroom_0013/rgb_00009.jpg /bathroom_0013/sync_depth_00009.png 518.8579 +/bedroom_0071/rgb_00031.jpg /bedroom_0071/sync_depth_00031.png 518.8579 +/office_0012/rgb_00027.jpg /office_0012/sync_depth_00027.png 518.8579 +/kitchen_0006/rgb_00013.jpg /kitchen_0006/sync_depth_00013.png 518.8579 +/living_room_0010/rgb_00094.jpg /living_room_0010/sync_depth_00094.png 518.8579 +/study_0003/rgb_00015.jpg /study_0003/sync_depth_00015.png 518.8579 +/bookstore_0001e/rgb_00066.jpg /bookstore_0001e/sync_depth_00066.png 518.8579 +/bedroom_0126/rgb_00046.jpg /bedroom_0126/sync_depth_00046.png 518.8579 +/bathroom_0019/rgb_00007.jpg /bathroom_0019/sync_depth_00007.png 518.8579 +/student_lounge_0001/rgb_00067.jpg /student_lounge_0001/sync_depth_00067.png 518.8579 +/living_room_0068/rgb_00098.jpg /living_room_0068/sync_depth_00098.png 518.8579 +/reception_room_0004/rgb_00016.jpg /reception_room_0004/sync_depth_00016.png 518.8579 +/nyu_office_0/rgb_00432.jpg /nyu_office_0/sync_depth_00432.png 518.8579 +/kitchen_0019a/rgb_00228.jpg /kitchen_0019a/sync_depth_00228.png 518.8579 +/classroom_0012/rgb_00025.jpg /classroom_0012/sync_depth_00025.png 518.8579 +/living_room_0037/rgb_00049.jpg /living_room_0037/sync_depth_00049.png 518.8579 +/living_room_0062/rgb_00035.jpg /living_room_0062/sync_depth_00035.png 518.8579 +/bathroom_0051/rgb_00049.jpg /bathroom_0051/sync_depth_00049.png 518.8579 +/bathroom_0019/rgb_00068.jpg /bathroom_0019/sync_depth_00068.png 518.8579 +/dining_room_0031/rgb_00050.jpg /dining_room_0031/sync_depth_00050.png 518.8579 +/bathroom_0007/rgb_00076.jpg /bathroom_0007/sync_depth_00076.png 518.8579 +/bathroom_0028/rgb_00005.jpg /bathroom_0028/sync_depth_00005.png 518.8579 +/bedroom_0020/rgb_00057.jpg /bedroom_0020/sync_depth_00057.png 518.8579 +/kitchen_0051/rgb_00248.jpg /kitchen_0051/sync_depth_00248.png 518.8579 +/living_room_0055/rgb_00021.jpg /living_room_0055/sync_depth_00021.png 518.8579 +/reception_room_0002/rgb_00152.jpg /reception_room_0002/sync_depth_00152.png 518.8579 +/living_room_0022/rgb_00429.jpg /living_room_0022/sync_depth_00429.png 518.8579 +/bedroom_0106/rgb_00138.jpg /bedroom_0106/sync_depth_00138.png 518.8579 +/study_room_0004/rgb_00100.jpg /study_room_0004/sync_depth_00100.png 518.8579 +/bedroom_0113/rgb_00116.jpg /bedroom_0113/sync_depth_00116.png 518.8579 +/bookstore_0001f/rgb_00032.jpg /bookstore_0001f/sync_depth_00032.png 518.8579 +/kitchen_0043/rgb_00093.jpg /kitchen_0043/sync_depth_00093.png 518.8579 +/kitchen_0028a/rgb_00057.jpg /kitchen_0028a/sync_depth_00057.png 518.8579 +/living_room_0022/rgb_00008.jpg /living_room_0022/sync_depth_00008.png 518.8579 +/classroom_0022/rgb_00027.jpg /classroom_0022/sync_depth_00027.png 518.8579 +/kitchen_0051/rgb_00283.jpg /kitchen_0051/sync_depth_00283.png 518.8579 +/cafe_0001a/rgb_00083.jpg /cafe_0001a/sync_depth_00083.png 518.8579 +/dining_room_0034/rgb_00199.jpg /dining_room_0034/sync_depth_00199.png 518.8579 +/dining_room_0001b/rgb_00235.jpg /dining_room_0001b/sync_depth_00235.png 518.8579 +/living_room_0078/rgb_00121.jpg /living_room_0078/sync_depth_00121.png 518.8579 +/student_lounge_0001/rgb_00145.jpg /student_lounge_0001/sync_depth_00145.png 518.8579 +/reception_room_0001b/rgb_00100.jpg /reception_room_0001b/sync_depth_00100.png 518.8579 +/bookstore_0001f/rgb_00009.jpg /bookstore_0001f/sync_depth_00009.png 518.8579 +/furniture_store_0001d/rgb_00139.jpg /furniture_store_0001d/sync_depth_00139.png 518.8579 +/kitchen_0003/rgb_00009.jpg /kitchen_0003/sync_depth_00009.png 518.8579 +/bedroom_0081/rgb_00028.jpg /bedroom_0081/sync_depth_00028.png 518.8579 +/dining_room_0028/rgb_00006.jpg /dining_room_0028/sync_depth_00006.png 518.8579 +/nyu_office_0/rgb_00089.jpg /nyu_office_0/sync_depth_00089.png 518.8579 +/furniture_store_0002c/rgb_00040.jpg /furniture_store_0002c/sync_depth_00040.png 518.8579 +/kitchen_0035a/rgb_00008.jpg /kitchen_0035a/sync_depth_00008.png 518.8579 +/playroom_0004/rgb_00003.jpg /playroom_0004/sync_depth_00003.png 518.8579 +/kitchen_0045b/rgb_00117.jpg /kitchen_0045b/sync_depth_00117.png 518.8579 +/dining_room_0029/rgb_00146.jpg /dining_room_0029/sync_depth_00146.png 518.8579 +/living_room_0037/rgb_00027.jpg /living_room_0037/sync_depth_00027.png 518.8579 +/kitchen_0011a/rgb_00127.jpg /kitchen_0011a/sync_depth_00127.png 518.8579 +/classroom_0004/rgb_00030.jpg /classroom_0004/sync_depth_00030.png 518.8579 +/bookstore_0001g/rgb_00174.jpg /bookstore_0001g/sync_depth_00174.png 518.8579 +/bedroom_0129/rgb_00035.jpg /bedroom_0129/sync_depth_00035.png 518.8579 +/living_room_0040/rgb_00312.jpg /living_room_0040/sync_depth_00312.png 518.8579 +/dining_room_0015/rgb_00013.jpg /dining_room_0015/sync_depth_00013.png 518.8579 +/dining_room_0034/rgb_00165.jpg /dining_room_0034/sync_depth_00165.png 518.8579 +/bedroom_0106/rgb_00081.jpg /bedroom_0106/sync_depth_00081.png 518.8579 +/kitchen_0003/rgb_00164.jpg /kitchen_0003/sync_depth_00164.png 518.8579 +/bedroom_0125b/rgb_00055.jpg /bedroom_0125b/sync_depth_00055.png 518.8579 +/dining_room_0008/rgb_00187.jpg /dining_room_0008/sync_depth_00187.png 518.8579 +/bedroom_0026/rgb_00154.jpg /bedroom_0026/sync_depth_00154.png 518.8579 +/classroom_0004/rgb_00002.jpg /classroom_0004/sync_depth_00002.png 518.8579 +/living_room_0070/rgb_00010.jpg /living_room_0070/sync_depth_00010.png 518.8579 +/dining_room_0024/rgb_00121.jpg /dining_room_0024/sync_depth_00121.png 518.8579 +/study_room_0005a/rgb_00030.jpg /study_room_0005a/sync_depth_00030.png 518.8579 +/living_room_0083/rgb_00069.jpg /living_room_0083/sync_depth_00069.png 518.8579 +/bedroom_0072/rgb_00069.jpg /bedroom_0072/sync_depth_00069.png 518.8579 +/bookstore_0001f/rgb_00356.jpg /bookstore_0001f/sync_depth_00356.png 518.8579 +/kitchen_0045a/rgb_00104.jpg /kitchen_0045a/sync_depth_00104.png 518.8579 +/living_room_0020/rgb_00113.jpg /living_room_0020/sync_depth_00113.png 518.8579 +/bathroom_0048/rgb_00009.jpg /bathroom_0048/sync_depth_00009.png 518.8579 +/bedroom_0016/rgb_00160.jpg /bedroom_0016/sync_depth_00160.png 518.8579 +/dining_room_0019/rgb_00023.jpg /dining_room_0019/sync_depth_00023.png 518.8579 +/living_room_0020/rgb_00065.jpg /living_room_0020/sync_depth_00065.png 518.8579 +/dining_room_0012/rgb_00225.jpg /dining_room_0012/sync_depth_00225.png 518.8579 +/kitchen_0010/rgb_00046.jpg /kitchen_0010/sync_depth_00046.png 518.8579 +/bedroom_0080/rgb_00041.jpg /bedroom_0080/sync_depth_00041.png 518.8579 +/bathroom_0014a/rgb_00056.jpg /bathroom_0014a/sync_depth_00056.png 518.8579 +/living_room_0050/rgb_00069.jpg /living_room_0050/sync_depth_00069.png 518.8579 +/kitchen_0053/rgb_00098.jpg /kitchen_0053/sync_depth_00098.png 518.8579 +/office_0019/rgb_00026.jpg /office_0019/sync_depth_00026.png 518.8579 +/bedroom_0029/rgb_00006.jpg /bedroom_0029/sync_depth_00006.png 518.8579 +/living_room_0058/rgb_00256.jpg /living_room_0058/sync_depth_00256.png 518.8579 +/kitchen_0051/rgb_00125.jpg /kitchen_0051/sync_depth_00125.png 518.8579 +/living_room_0070/rgb_00092.jpg /living_room_0070/sync_depth_00092.png 518.8579 +/living_room_0067/rgb_00077.jpg /living_room_0067/sync_depth_00077.png 518.8579 +/bedroom_0067a/rgb_00021.jpg /bedroom_0067a/sync_depth_00021.png 518.8579 +/bedroom_0040/rgb_00032.jpg /bedroom_0040/sync_depth_00032.png 518.8579 +/reception_room_0001b/rgb_00096.jpg /reception_room_0001b/sync_depth_00096.png 518.8579 +/bedroom_0016/rgb_00150.jpg /bedroom_0016/sync_depth_00150.png 518.8579 +/bathroom_0014a/rgb_00066.jpg /bathroom_0014a/sync_depth_00066.png 518.8579 +/basement_0001a/rgb_00085.jpg /basement_0001a/sync_depth_00085.png 518.8579 +/bedroom_0098/rgb_00079.jpg /bedroom_0098/sync_depth_00079.png 518.8579 +/dining_room_0015/rgb_00271.jpg /dining_room_0015/sync_depth_00271.png 518.8579 +/study_room_0004/rgb_00158.jpg /study_room_0004/sync_depth_00158.png 518.8579 +/dining_room_0012/rgb_00036.jpg /dining_room_0012/sync_depth_00036.png 518.8579 +/foyer_0002/rgb_00014.jpg /foyer_0002/sync_depth_00014.png 518.8579 +/bedroom_0029/rgb_00005.jpg /bedroom_0029/sync_depth_00005.png 518.8579 +/bedroom_0050/rgb_00002.jpg /bedroom_0050/sync_depth_00002.png 518.8579 +/classroom_0022/rgb_00048.jpg /classroom_0022/sync_depth_00048.png 518.8579 +/living_room_0022/rgb_00172.jpg /living_room_0022/sync_depth_00172.png 518.8579 +/dining_room_0037/rgb_00126.jpg /dining_room_0037/sync_depth_00126.png 518.8579 +/bedroom_0025/rgb_00119.jpg /bedroom_0025/sync_depth_00119.png 518.8579 +/kitchen_0016/rgb_00001.jpg /kitchen_0016/sync_depth_00001.png 518.8579 +/kitchen_0051/rgb_00155.jpg /kitchen_0051/sync_depth_00155.png 518.8579 +/bathroom_0049/rgb_00049.jpg /bathroom_0049/sync_depth_00049.png 518.8579 +/bookstore_0001g/rgb_00166.jpg /bookstore_0001g/sync_depth_00166.png 518.8579 +/bedroom_0140/rgb_00147.jpg /bedroom_0140/sync_depth_00147.png 518.8579 +/study_0003/rgb_00067.jpg /study_0003/sync_depth_00067.png 518.8579 +/office_kitchen_0001a/rgb_00042.jpg /office_kitchen_0001a/sync_depth_00042.png 518.8579 +/bathroom_0005/rgb_00003.jpg /bathroom_0005/sync_depth_00003.png 518.8579 +/furniture_store_0002a/rgb_00211.jpg /furniture_store_0002a/sync_depth_00211.png 518.8579 +/study_0008/rgb_00055.jpg /study_0008/sync_depth_00055.png 518.8579 +/bedroom_0019/rgb_00001.jpg /bedroom_0019/sync_depth_00001.png 518.8579 +/dining_room_0033/rgb_00134.jpg /dining_room_0033/sync_depth_00134.png 518.8579 +/furniture_store_0001b/rgb_00102.jpg /furniture_store_0001b/sync_depth_00102.png 518.8579 +/kitchen_0043/rgb_00015.jpg /kitchen_0043/sync_depth_00015.png 518.8579 +/study_0005/rgb_00001.jpg /study_0005/sync_depth_00001.png 518.8579 +/living_room_0062/rgb_00202.jpg /living_room_0062/sync_depth_00202.png 518.8579 +/furniture_store_0002a/rgb_00206.jpg /furniture_store_0002a/sync_depth_00206.png 518.8579 +/kitchen_0019a/rgb_00179.jpg /kitchen_0019a/sync_depth_00179.png 518.8579 +/dining_room_0028/rgb_00111.jpg /dining_room_0028/sync_depth_00111.png 518.8579 +/bookstore_0001h/rgb_00029.jpg /bookstore_0001h/sync_depth_00029.png 518.8579 +/computer_lab_0002/rgb_00003.jpg /computer_lab_0002/sync_depth_00003.png 518.8579 +/dining_room_0008/rgb_00143.jpg /dining_room_0008/sync_depth_00143.png 518.8579 +/home_office_0004/rgb_00097.jpg /home_office_0004/sync_depth_00097.png 518.8579 +/bedroom_0113/rgb_00004.jpg /bedroom_0113/sync_depth_00004.png 518.8579 +/study_0008/rgb_00011.jpg /study_0008/sync_depth_00011.png 518.8579 +/living_room_0078/rgb_00001.jpg /living_room_0078/sync_depth_00001.png 518.8579 +/kitchen_0019b/rgb_00033.jpg /kitchen_0019b/sync_depth_00033.png 518.8579 +/kitchen_0010/rgb_00078.jpg /kitchen_0010/sync_depth_00078.png 518.8579 +/kitchen_0006/rgb_00022.jpg /kitchen_0006/sync_depth_00022.png 518.8579 +/living_room_0078/rgb_00134.jpg /living_room_0078/sync_depth_00134.png 518.8579 +/study_room_0005a/rgb_00060.jpg /study_room_0005a/sync_depth_00060.png 518.8579 +/nyu_office_0/rgb_00092.jpg /nyu_office_0/sync_depth_00092.png 518.8579 +/bedroom_0029/rgb_00070.jpg /bedroom_0029/sync_depth_00070.png 518.8579 +/bookstore_0001d/rgb_00104.jpg /bookstore_0001d/sync_depth_00104.png 518.8579 +/dining_room_0034/rgb_00114.jpg /dining_room_0034/sync_depth_00114.png 518.8579 +/student_lounge_0001/rgb_00039.jpg /student_lounge_0001/sync_depth_00039.png 518.8579 +/cafe_0001b/rgb_00039.jpg /cafe_0001b/sync_depth_00039.png 518.8579 +/bedroom_0051/rgb_00051.jpg /bedroom_0051/sync_depth_00051.png 518.8579 +/office_0011/rgb_00141.jpg /office_0011/sync_depth_00141.png 518.8579 +/bedroom_0052/rgb_00160.jpg /bedroom_0052/sync_depth_00160.png 518.8579 +/living_room_0005/rgb_00138.jpg /living_room_0005/sync_depth_00138.png 518.8579 +/bedroom_0100/rgb_00036.jpg /bedroom_0100/sync_depth_00036.png 518.8579 +/dining_room_0033/rgb_00112.jpg /dining_room_0033/sync_depth_00112.png 518.8579 +/living_room_0046b/rgb_00000.jpg /living_room_0046b/sync_depth_00000.png 518.8579 +/living_room_0058/rgb_00091.jpg /living_room_0058/sync_depth_00091.png 518.8579 +/bathroom_0007/rgb_00016.jpg /bathroom_0007/sync_depth_00016.png 518.8579 +/dining_room_0012/rgb_00010.jpg /dining_room_0012/sync_depth_00010.png 518.8579 +/classroom_0012/rgb_00042.jpg /classroom_0012/sync_depth_00042.png 518.8579 +/kitchen_0003/rgb_00128.jpg /kitchen_0003/sync_depth_00128.png 518.8579 +/playroom_0006/rgb_00004.jpg /playroom_0006/sync_depth_00004.png 518.8579 +/nyu_office_0/rgb_00373.jpg /nyu_office_0/sync_depth_00373.png 518.8579 +/home_office_0008/rgb_00161.jpg /home_office_0008/sync_depth_00161.png 518.8579 +/conference_room_0001/rgb_00073.jpg /conference_room_0001/sync_depth_00073.png 518.8579 +/kitchen_0011b/rgb_00045.jpg /kitchen_0011b/sync_depth_00045.png 518.8579 +/bookstore_0001j/rgb_00055.jpg /bookstore_0001j/sync_depth_00055.png 518.8579 +/furniture_store_0002a/rgb_00095.jpg /furniture_store_0002a/sync_depth_00095.png 518.8579 +/classroom_0003/rgb_00073.jpg /classroom_0003/sync_depth_00073.png 518.8579 +/furniture_store_0001e/rgb_00051.jpg /furniture_store_0001e/sync_depth_00051.png 518.8579 +/office_0023/rgb_00046.jpg /office_0023/sync_depth_00046.png 518.8579 +/living_room_0068/rgb_00060.jpg /living_room_0068/sync_depth_00060.png 518.8579 +/kitchen_0003/rgb_00103.jpg /kitchen_0003/sync_depth_00103.png 518.8579 +/living_room_0022/rgb_00434.jpg /living_room_0022/sync_depth_00434.png 518.8579 +/office_0026/rgb_00067.jpg /office_0026/sync_depth_00067.png 518.8579 +/bedroom_0033/rgb_00101.jpg /bedroom_0033/sync_depth_00101.png 518.8579 +/kitchen_0029a/rgb_00033.jpg /kitchen_0029a/sync_depth_00033.png 518.8579 +/living_room_0085/rgb_00025.jpg /living_room_0085/sync_depth_00025.png 518.8579 +/living_room_0071/rgb_00036.jpg /living_room_0071/sync_depth_00036.png 518.8579 +/furniture_store_0001c/rgb_00012.jpg /furniture_store_0001c/sync_depth_00012.png 518.8579 +/bathroom_0006/rgb_00034.jpg /bathroom_0006/sync_depth_00034.png 518.8579 +/furniture_store_0001e/rgb_00044.jpg /furniture_store_0001e/sync_depth_00044.png 518.8579 +/kitchen_0019a/rgb_00131.jpg /kitchen_0019a/sync_depth_00131.png 518.8579 +/bookstore_0001j/rgb_00156.jpg /bookstore_0001j/sync_depth_00156.png 518.8579 +/living_room_0069b/rgb_00029.jpg /living_room_0069b/sync_depth_00029.png 518.8579 +/bedroom_0140/rgb_00001.jpg /bedroom_0140/sync_depth_00001.png 518.8579 +/kitchen_0035b/rgb_00097.jpg /kitchen_0035b/sync_depth_00097.png 518.8579 +/home_office_0008/rgb_00004.jpg /home_office_0008/sync_depth_00004.png 518.8579 +/conference_room_0001/rgb_00146.jpg /conference_room_0001/sync_depth_00146.png 518.8579 +/living_room_0078/rgb_00024.jpg /living_room_0078/sync_depth_00024.png 518.8579 +/student_lounge_0001/rgb_00153.jpg /student_lounge_0001/sync_depth_00153.png 518.8579 +/kitchen_0011b/rgb_00057.jpg /kitchen_0011b/sync_depth_00057.png 518.8579 +/office_kitchen_0001a/rgb_00052.jpg /office_kitchen_0001a/sync_depth_00052.png 518.8579 +/bedroom_0090/rgb_00014.jpg /bedroom_0090/sync_depth_00014.png 518.8579 +/bedroom_0126/rgb_00005.jpg /bedroom_0126/sync_depth_00005.png 518.8579 +/living_room_0063/rgb_00017.jpg /living_room_0063/sync_depth_00017.png 518.8579 +/bedroom_0074/rgb_00009.jpg /bedroom_0074/sync_depth_00009.png 518.8579 +/bedroom_0094/rgb_00015.jpg /bedroom_0094/sync_depth_00015.png 518.8579 +/bookstore_0001f/rgb_00036.jpg /bookstore_0001f/sync_depth_00036.png 518.8579 +/bedroom_0106/rgb_00036.jpg /bedroom_0106/sync_depth_00036.png 518.8579 +/living_room_0063/rgb_00028.jpg /living_room_0063/sync_depth_00028.png 518.8579 +/conference_room_0002/rgb_00009.jpg /conference_room_0002/sync_depth_00009.png 518.8579 +/kitchen_0035b/rgb_00149.jpg /kitchen_0035b/sync_depth_00149.png 518.8579 +/dining_room_0001b/rgb_00175.jpg /dining_room_0001b/sync_depth_00175.png 518.8579 +/living_room_0037/rgb_00014.jpg /living_room_0037/sync_depth_00014.png 518.8579 +/reception_room_0002/rgb_00027.jpg /reception_room_0002/sync_depth_00027.png 518.8579 +/bedroom_0012/rgb_00050.jpg /bedroom_0012/sync_depth_00050.png 518.8579 +/classroom_0006/rgb_00109.jpg /classroom_0006/sync_depth_00109.png 518.8579 +/basement_0001a/rgb_00161.jpg /basement_0001a/sync_depth_00161.png 518.8579 +/kitchen_0031/rgb_00117.jpg /kitchen_0031/sync_depth_00117.png 518.8579 +/living_room_0019/rgb_00149.jpg /living_room_0019/sync_depth_00149.png 518.8579 +/living_room_0019/rgb_00117.jpg /living_room_0019/sync_depth_00117.png 518.8579 +/office_0003/rgb_00040.jpg /office_0003/sync_depth_00040.png 518.8579 +/classroom_0003/rgb_00029.jpg /classroom_0003/sync_depth_00029.png 518.8579 +/bedroom_0082/rgb_00013.jpg /bedroom_0082/sync_depth_00013.png 518.8579 +/dining_room_0010/rgb_00061.jpg /dining_room_0010/sync_depth_00061.png 518.8579 +/playroom_0003/rgb_00127.jpg /playroom_0003/sync_depth_00127.png 518.8579 +/kitchen_0035b/rgb_00054.jpg /kitchen_0035b/sync_depth_00054.png 518.8579 +/dining_room_0034/rgb_00125.jpg /dining_room_0034/sync_depth_00125.png 518.8579 +/home_office_0011/rgb_00032.jpg /home_office_0011/sync_depth_00032.png 518.8579 +/bedroom_0033/rgb_00050.jpg /bedroom_0033/sync_depth_00050.png 518.8579 +/study_room_0005a/rgb_00012.jpg /study_room_0005a/sync_depth_00012.png 518.8579 +/living_room_0005/rgb_00016.jpg /living_room_0005/sync_depth_00016.png 518.8579 +/study_0003/rgb_00007.jpg /study_0003/sync_depth_00007.png 518.8579 +/living_room_0050/rgb_00089.jpg /living_room_0050/sync_depth_00089.png 518.8579 +/kitchen_0011a/rgb_00108.jpg /kitchen_0011a/sync_depth_00108.png 518.8579 +/living_room_0019/rgb_00168.jpg /living_room_0019/sync_depth_00168.png 518.8579 +/playroom_0003/rgb_00159.jpg /playroom_0003/sync_depth_00159.png 518.8579 +/bedroom_0140/rgb_00068.jpg /bedroom_0140/sync_depth_00068.png 518.8579 +/bookstore_0001f/rgb_00264.jpg /bookstore_0001f/sync_depth_00264.png 518.8579 +/bedroom_0130/rgb_00033.jpg /bedroom_0130/sync_depth_00033.png 518.8579 +/kitchen_0019a/rgb_00186.jpg /kitchen_0019a/sync_depth_00186.png 518.8579 +/bedroom_0059/rgb_00045.jpg /bedroom_0059/sync_depth_00045.png 518.8579 +/kitchen_0050/rgb_00109.jpg /kitchen_0050/sync_depth_00109.png 518.8579 +/bedroom_0045/rgb_00018.jpg /bedroom_0045/sync_depth_00018.png 518.8579 +/dining_room_0028/rgb_00052.jpg /dining_room_0028/sync_depth_00052.png 518.8579 +/bedroom_0069/rgb_00017.jpg /bedroom_0069/sync_depth_00017.png 518.8579 +/bedroom_0079/rgb_00024.jpg /bedroom_0079/sync_depth_00024.png 518.8579 +/office_0021/rgb_00070.jpg /office_0021/sync_depth_00070.png 518.8579 +/living_room_0012/rgb_00031.jpg /living_room_0012/sync_depth_00031.png 518.8579 +/classroom_0006/rgb_00003.jpg /classroom_0006/sync_depth_00003.png 518.8579 +/office_kitchen_0001a/rgb_00019.jpg /office_kitchen_0001a/sync_depth_00019.png 518.8579 +/living_room_0058/rgb_00068.jpg /living_room_0058/sync_depth_00068.png 518.8579 +/dinette_0001/rgb_00041.jpg /dinette_0001/sync_depth_00041.png 518.8579 +/living_room_0038/rgb_00042.jpg /living_room_0038/sync_depth_00042.png 518.8579 +/bedroom_0066/rgb_00003.jpg /bedroom_0066/sync_depth_00003.png 518.8579 +/bedroom_0074/rgb_00006.jpg /bedroom_0074/sync_depth_00006.png 518.8579 +/bathroom_0041/rgb_00008.jpg /bathroom_0041/sync_depth_00008.png 518.8579 +/living_room_0040/rgb_00113.jpg /living_room_0040/sync_depth_00113.png 518.8579 +/furniture_store_0002b/rgb_00009.jpg /furniture_store_0002b/sync_depth_00009.png 518.8579 +/office_0004/rgb_00103.jpg /office_0004/sync_depth_00103.png 518.8579 +/study_0004/rgb_00000.jpg /study_0004/sync_depth_00000.png 518.8579 +/bedroom_0129/rgb_00007.jpg /bedroom_0129/sync_depth_00007.png 518.8579 +/kitchen_0051/rgb_00065.jpg /kitchen_0051/sync_depth_00065.png 518.8579 +/bedroom_0056a/rgb_00085.jpg /bedroom_0056a/sync_depth_00085.png 518.8579 +/bookstore_0001j/rgb_00052.jpg /bookstore_0001j/sync_depth_00052.png 518.8579 +/kitchen_0019a/rgb_00256.jpg /kitchen_0019a/sync_depth_00256.png 518.8579 +/bedroom_0106/rgb_00121.jpg /bedroom_0106/sync_depth_00121.png 518.8579 +/reception_room_0004/rgb_00063.jpg /reception_room_0004/sync_depth_00063.png 518.8579 +/dining_room_0028/rgb_00147.jpg /dining_room_0028/sync_depth_00147.png 518.8579 +/playroom_0003/rgb_00027.jpg /playroom_0003/sync_depth_00027.png 518.8579 +/foyer_0002/rgb_00037.jpg /foyer_0002/sync_depth_00037.png 518.8579 +/living_room_0022/rgb_00319.jpg /living_room_0022/sync_depth_00319.png 518.8579 +/dining_room_0029/rgb_00029.jpg /dining_room_0029/sync_depth_00029.png 518.8579 +/kitchen_0019a/rgb_00068.jpg /kitchen_0019a/sync_depth_00068.png 518.8579 +/bedroom_0100/rgb_00066.jpg /bedroom_0100/sync_depth_00066.png 518.8579 +/bedroom_0063/rgb_00034.jpg /bedroom_0063/sync_depth_00034.png 518.8579 +/bookstore_0001d/rgb_00279.jpg /bookstore_0001d/sync_depth_00279.png 518.8579 +/dining_room_0015/rgb_00265.jpg /dining_room_0015/sync_depth_00265.png 518.8579 +/kitchen_0019a/rgb_00071.jpg /kitchen_0019a/sync_depth_00071.png 518.8579 +/bedroom_0026/rgb_00016.jpg /bedroom_0026/sync_depth_00016.png 518.8579 +/study_room_0004/rgb_00017.jpg /study_room_0004/sync_depth_00017.png 518.8579 +/living_room_0010/rgb_00161.jpg /living_room_0010/sync_depth_00161.png 518.8579 +/bedroom_0072/rgb_00154.jpg /bedroom_0072/sync_depth_00154.png 518.8579 +/study_0003/rgb_00061.jpg /study_0003/sync_depth_00061.png 518.8579 +/bookstore_0001f/rgb_00013.jpg /bookstore_0001f/sync_depth_00013.png 518.8579 +/living_room_0010/rgb_00112.jpg /living_room_0010/sync_depth_00112.png 518.8579 +/bedroom_0014/rgb_00009.jpg /bedroom_0014/sync_depth_00009.png 518.8579 +/furniture_store_0001d/rgb_00075.jpg /furniture_store_0001d/sync_depth_00075.png 518.8579 +/bedroom_0052/rgb_00073.jpg /bedroom_0052/sync_depth_00073.png 518.8579 +/conference_room_0001/rgb_00035.jpg /conference_room_0001/sync_depth_00035.png 518.8579 +/furniture_store_0001a/rgb_00035.jpg /furniture_store_0001a/sync_depth_00035.png 518.8579 +/reception_room_0001b/rgb_00020.jpg /reception_room_0001b/sync_depth_00020.png 518.8579 +/playroom_0002/rgb_00006.jpg /playroom_0002/sync_depth_00006.png 518.8579 +/kitchen_0033/rgb_00115.jpg /kitchen_0033/sync_depth_00115.png 518.8579 +/classroom_0006/rgb_00140.jpg /classroom_0006/sync_depth_00140.png 518.8579 +/living_room_0046a/rgb_00033.jpg /living_room_0046a/sync_depth_00033.png 518.8579 +/bookstore_0001f/rgb_00509.jpg /bookstore_0001f/sync_depth_00509.png 518.8579 +/dining_room_0023/rgb_00087.jpg /dining_room_0023/sync_depth_00087.png 518.8579 +/living_room_0037/rgb_00046.jpg /living_room_0037/sync_depth_00046.png 518.8579 +/bedroom_0010/rgb_00009.jpg /bedroom_0010/sync_depth_00009.png 518.8579 +/kitchen_0019a/rgb_00239.jpg /kitchen_0019a/sync_depth_00239.png 518.8579 +/home_office_0008/rgb_00144.jpg /home_office_0008/sync_depth_00144.png 518.8579 +/home_storage_0001/rgb_00018.jpg /home_storage_0001/sync_depth_00018.png 518.8579 +/home_storage_0001/rgb_00141.jpg /home_storage_0001/sync_depth_00141.png 518.8579 +/office_0024/rgb_00122.jpg /office_0024/sync_depth_00122.png 518.8579 +/playroom_0006/rgb_00073.jpg /playroom_0006/sync_depth_00073.png 518.8579 +/bookstore_0001j/rgb_00237.jpg /bookstore_0001j/sync_depth_00237.png 518.8579 +/kitchen_0052/rgb_00083.jpg /kitchen_0052/sync_depth_00083.png 518.8579 +/furniture_store_0001e/rgb_00057.jpg /furniture_store_0001e/sync_depth_00057.png 518.8579 +/living_room_0040/rgb_00090.jpg /living_room_0040/sync_depth_00090.png 518.8579 +/bookstore_0001j/rgb_00217.jpg /bookstore_0001j/sync_depth_00217.png 518.8579 +/dining_room_0015/rgb_00260.jpg /dining_room_0015/sync_depth_00260.png 518.8579 +/living_room_0047b/rgb_00097.jpg /living_room_0047b/sync_depth_00097.png 518.8579 +/bathroom_0010/rgb_00011.jpg /bathroom_0010/sync_depth_00011.png 518.8579 +/computer_lab_0002/rgb_00021.jpg /computer_lab_0002/sync_depth_00021.png 518.8579 +/bedroom_0094/rgb_00009.jpg /bedroom_0094/sync_depth_00009.png 518.8579 +/kitchen_0029b/rgb_00014.jpg /kitchen_0029b/sync_depth_00014.png 518.8579 +/dining_room_0033/rgb_00039.jpg /dining_room_0033/sync_depth_00039.png 518.8579 +/home_office_0006/rgb_00068.jpg /home_office_0006/sync_depth_00068.png 518.8579 +/bedroom_0015/rgb_00093.jpg /bedroom_0015/sync_depth_00093.png 518.8579 +/nyu_office_0/rgb_00028.jpg /nyu_office_0/sync_depth_00028.png 518.8579 +/dining_room_0037/rgb_00121.jpg /dining_room_0037/sync_depth_00121.png 518.8579 +/dining_room_0034/rgb_00140.jpg /dining_room_0034/sync_depth_00140.png 518.8579 +/bedroom_0074/rgb_00036.jpg /bedroom_0074/sync_depth_00036.png 518.8579 +/living_room_0062/rgb_00001.jpg /living_room_0062/sync_depth_00001.png 518.8579 +/printer_room_0001/rgb_00018.jpg /printer_room_0001/sync_depth_00018.png 518.8579 +/living_room_0040/rgb_00094.jpg /living_room_0040/sync_depth_00094.png 518.8579 +/living_room_0004/rgb_00066.jpg /living_room_0004/sync_depth_00066.png 518.8579 +/dining_room_0023/rgb_00057.jpg /dining_room_0023/sync_depth_00057.png 518.8579 +/kitchen_0031/rgb_00163.jpg /kitchen_0031/sync_depth_00163.png 518.8579 +/kitchen_0050/rgb_00105.jpg /kitchen_0050/sync_depth_00105.png 518.8579 +/study_room_0004/rgb_00135.jpg /study_room_0004/sync_depth_00135.png 518.8579 +/bedroom_0059/rgb_00039.jpg /bedroom_0059/sync_depth_00039.png 518.8579 +/bedroom_0028/rgb_00045.jpg /bedroom_0028/sync_depth_00045.png 518.8579 +/dining_room_0033/rgb_00049.jpg /dining_room_0033/sync_depth_00049.png 518.8579 +/office_0018/rgb_00048.jpg /office_0018/sync_depth_00048.png 518.8579 +/living_room_0039/rgb_00007.jpg /living_room_0039/sync_depth_00007.png 518.8579 +/kitchen_0052/rgb_00081.jpg /kitchen_0052/sync_depth_00081.png 518.8579 +/bedroom_0072/rgb_00181.jpg /bedroom_0072/sync_depth_00181.png 518.8579 +/bathroom_0030/rgb_00005.jpg /bathroom_0030/sync_depth_00005.png 518.8579 +/kitchen_0033/rgb_00032.jpg /kitchen_0033/sync_depth_00032.png 518.8579 +/classroom_0022/rgb_00085.jpg /classroom_0022/sync_depth_00085.png 518.8579 +/office_kitchen_0003/rgb_00081.jpg /office_kitchen_0003/sync_depth_00081.png 518.8579 +/bedroom_0140/rgb_00066.jpg /bedroom_0140/sync_depth_00066.png 518.8579 +/bedroom_0059/rgb_00007.jpg /bedroom_0059/sync_depth_00007.png 518.8579 +/bookstore_0001d/rgb_00027.jpg /bookstore_0001d/sync_depth_00027.png 518.8579 +/furniture_store_0001f/rgb_00001.jpg /furniture_store_0001f/sync_depth_00001.png 518.8579 +/bookstore_0001e/rgb_00194.jpg /bookstore_0001e/sync_depth_00194.png 518.8579 +/office_kitchen_0003/rgb_00089.jpg /office_kitchen_0003/sync_depth_00089.png 518.8579 +/kitchen_0031/rgb_00166.jpg /kitchen_0031/sync_depth_00166.png 518.8579 +/study_0003/rgb_00005.jpg /study_0003/sync_depth_00005.png 518.8579 +/home_office_0006/rgb_00097.jpg /home_office_0006/sync_depth_00097.png 518.8579 +/kitchen_0010/rgb_00022.jpg /kitchen_0010/sync_depth_00022.png 518.8579 +/kitchen_0045a/rgb_00142.jpg /kitchen_0045a/sync_depth_00142.png 518.8579 +/dining_room_0012/rgb_00114.jpg /dining_room_0012/sync_depth_00114.png 518.8579 +/dining_room_0015/rgb_00172.jpg /dining_room_0015/sync_depth_00172.png 518.8579 +/kitchen_0003/rgb_00073.jpg /kitchen_0003/sync_depth_00073.png 518.8579 +/bedroom_0047/rgb_00026.jpg /bedroom_0047/sync_depth_00026.png 518.8579 +/kitchen_0033/rgb_00054.jpg /kitchen_0033/sync_depth_00054.png 518.8579 +/dining_room_0023/rgb_00182.jpg /dining_room_0023/sync_depth_00182.png 518.8579 +/kitchen_0049/rgb_00148.jpg /kitchen_0049/sync_depth_00148.png 518.8579 +/bedroom_0004/rgb_00145.jpg /bedroom_0004/sync_depth_00145.png 518.8579 +/kitchen_0019a/rgb_00111.jpg /kitchen_0019a/sync_depth_00111.png 518.8579 +/living_room_0062/rgb_00116.jpg /living_room_0062/sync_depth_00116.png 518.8579 +/furniture_store_0001d/rgb_00209.jpg /furniture_store_0001d/sync_depth_00209.png 518.8579 +/bathroom_0007/rgb_00109.jpg /bathroom_0007/sync_depth_00109.png 518.8579 +/study_room_0005b/rgb_00012.jpg /study_room_0005b/sync_depth_00012.png 518.8579 +/furniture_store_0001e/rgb_00004.jpg /furniture_store_0001e/sync_depth_00004.png 518.8579 +/living_room_0020/rgb_00156.jpg /living_room_0020/sync_depth_00156.png 518.8579 +/bedroom_0017/rgb_00126.jpg /bedroom_0017/sync_depth_00126.png 518.8579 +/living_room_0046b/rgb_00077.jpg /living_room_0046b/sync_depth_00077.png 518.8579 +/bedroom_0026/rgb_00088.jpg /bedroom_0026/sync_depth_00088.png 518.8579 +/living_room_0005/rgb_00055.jpg /living_room_0005/sync_depth_00055.png 518.8579 +/bedroom_0090/rgb_00003.jpg /bedroom_0090/sync_depth_00003.png 518.8579 +/bedroom_0071/rgb_00027.jpg /bedroom_0071/sync_depth_00027.png 518.8579 +/classroom_0012/rgb_00009.jpg /classroom_0012/sync_depth_00009.png 518.8579 +/bathroom_0035/rgb_00021.jpg /bathroom_0035/sync_depth_00021.png 518.8579 +/bedroom_0017/rgb_00027.jpg /bedroom_0017/sync_depth_00027.png 518.8579 +/bedroom_0104/rgb_00113.jpg /bedroom_0104/sync_depth_00113.png 518.8579 +/bedroom_0130/rgb_00084.jpg /bedroom_0130/sync_depth_00084.png 518.8579 +/living_room_0046a/rgb_00091.jpg /living_room_0046a/sync_depth_00091.png 518.8579 +/office_0024/rgb_00026.jpg /office_0024/sync_depth_00026.png 518.8579 +/living_room_0035/rgb_00052.jpg /living_room_0035/sync_depth_00052.png 518.8579 +/home_office_0004/rgb_00121.jpg /home_office_0004/sync_depth_00121.png 518.8579 +/dining_room_0015/rgb_00092.jpg /dining_room_0015/sync_depth_00092.png 518.8579 +/living_room_0022/rgb_00188.jpg /living_room_0022/sync_depth_00188.png 518.8579 +/bedroom_0113/rgb_00057.jpg /bedroom_0113/sync_depth_00057.png 518.8579 +/dining_room_0016/rgb_00054.jpg /dining_room_0016/sync_depth_00054.png 518.8579 +/bookstore_0001d/rgb_00088.jpg /bookstore_0001d/sync_depth_00088.png 518.8579 +/bathroom_0048/rgb_00032.jpg /bathroom_0048/sync_depth_00032.png 518.8579 +/office_0021/rgb_00058.jpg /office_0021/sync_depth_00058.png 518.8579 +/bookstore_0001h/rgb_00000.jpg /bookstore_0001h/sync_depth_00000.png 518.8579 +/kitchen_0050/rgb_00064.jpg /kitchen_0050/sync_depth_00064.png 518.8579 +/dining_room_0023/rgb_00046.jpg /dining_room_0023/sync_depth_00046.png 518.8579 +/bedroom_0051/rgb_00019.jpg /bedroom_0051/sync_depth_00019.png 518.8579 +/living_room_0039/rgb_00093.jpg /living_room_0039/sync_depth_00093.png 518.8579 +/study_0008/rgb_00007.jpg /study_0008/sync_depth_00007.png 518.8579 +/playroom_0006/rgb_00140.jpg /playroom_0006/sync_depth_00140.png 518.8579 +/dinette_0001/rgb_00093.jpg /dinette_0001/sync_depth_00093.png 518.8579 +/bedroom_0014/rgb_00000.jpg /bedroom_0014/sync_depth_00000.png 518.8579 +/bookstore_0001j/rgb_00090.jpg /bookstore_0001j/sync_depth_00090.png 518.8579 +/bedroom_0042/rgb_00029.jpg /bedroom_0042/sync_depth_00029.png 518.8579 +/reception_room_0001b/rgb_00093.jpg /reception_room_0001b/sync_depth_00093.png 518.8579 +/bedroom_0010/rgb_00052.jpg /bedroom_0010/sync_depth_00052.png 518.8579 +/classroom_0006/rgb_00161.jpg /classroom_0006/sync_depth_00161.png 518.8579 +/kitchen_0017/rgb_00000.jpg /kitchen_0017/sync_depth_00000.png 518.8579 +/furniture_store_0002a/rgb_00408.jpg /furniture_store_0002a/sync_depth_00408.png 518.8579 +/living_room_0062/rgb_00008.jpg /living_room_0062/sync_depth_00008.png 518.8579 +/bookstore_0001f/rgb_00238.jpg /bookstore_0001f/sync_depth_00238.png 518.8579 +/kitchen_0059/rgb_00019.jpg /kitchen_0059/sync_depth_00019.png 518.8579 +/bathroom_0007/rgb_00111.jpg /bathroom_0007/sync_depth_00111.png 518.8579 +/conference_room_0001/rgb_00118.jpg /conference_room_0001/sync_depth_00118.png 518.8579 +/bathroom_0049/rgb_00007.jpg /bathroom_0049/sync_depth_00007.png 518.8579 +/kitchen_0048/rgb_00087.jpg /kitchen_0048/sync_depth_00087.png 518.8579 +/living_room_0029/rgb_00041.jpg /living_room_0029/sync_depth_00041.png 518.8579 +/bathroom_0007/rgb_00072.jpg /bathroom_0007/sync_depth_00072.png 518.8579 +/living_room_0042b/rgb_00047.jpg /living_room_0042b/sync_depth_00047.png 518.8579 +/living_room_0012/rgb_00003.jpg /living_room_0012/sync_depth_00003.png 518.8579 +/bathroom_0049/rgb_00038.jpg /bathroom_0049/sync_depth_00038.png 518.8579 +/playroom_0004/rgb_00073.jpg /playroom_0004/sync_depth_00073.png 518.8579 +/bookstore_0001f/rgb_00056.jpg /bookstore_0001f/sync_depth_00056.png 518.8579 +/bathroom_0039/rgb_00014.jpg /bathroom_0039/sync_depth_00014.png 518.8579 +/kitchen_0019b/rgb_00019.jpg /kitchen_0019b/sync_depth_00019.png 518.8579 +/dining_room_0028/rgb_00031.jpg /dining_room_0028/sync_depth_00031.png 518.8579 +/basement_0001a/rgb_00121.jpg /basement_0001a/sync_depth_00121.png 518.8579 +/living_room_0082/rgb_00060.jpg /living_room_0082/sync_depth_00060.png 518.8579 +/dining_room_0012/rgb_00124.jpg /dining_room_0012/sync_depth_00124.png 518.8579 +/furniture_store_0002c/rgb_00019.jpg /furniture_store_0002c/sync_depth_00019.png 518.8579 +/playroom_0002/rgb_00019.jpg /playroom_0002/sync_depth_00019.png 518.8579 +/bookstore_0001f/rgb_00037.jpg /bookstore_0001f/sync_depth_00037.png 518.8579 +/home_office_0006/rgb_00026.jpg /home_office_0006/sync_depth_00026.png 518.8579 +/bookstore_0001e/rgb_00232.jpg /bookstore_0001e/sync_depth_00232.png 518.8579 +/dining_room_0015/rgb_00247.jpg /dining_room_0015/sync_depth_00247.png 518.8579 +/bedroom_0076a/rgb_00179.jpg /bedroom_0076a/sync_depth_00179.png 518.8579 +/living_room_0062/rgb_00118.jpg /living_room_0062/sync_depth_00118.png 518.8579 +/living_room_0038/rgb_00034.jpg /living_room_0038/sync_depth_00034.png 518.8579 +/living_room_0055/rgb_00135.jpg /living_room_0055/sync_depth_00135.png 518.8579 +/dining_room_0023/rgb_00016.jpg /dining_room_0023/sync_depth_00016.png 518.8579 +/bedroom_0104/rgb_00059.jpg /bedroom_0104/sync_depth_00059.png 518.8579 +/bathroom_0053/rgb_00048.jpg /bathroom_0053/sync_depth_00048.png 518.8579 +/kitchen_0053/rgb_00245.jpg /kitchen_0053/sync_depth_00245.png 518.8579 +/bathroom_0034/rgb_00002.jpg /bathroom_0034/sync_depth_00002.png 518.8579 +/dining_room_0016/rgb_00147.jpg /dining_room_0016/sync_depth_00147.png 518.8579 +/bedroom_0063/rgb_00010.jpg /bedroom_0063/sync_depth_00010.png 518.8579 +/bathroom_0033/rgb_00006.jpg /bathroom_0033/sync_depth_00006.png 518.8579 +/living_room_0050/rgb_00235.jpg /living_room_0050/sync_depth_00235.png 518.8579 +/kitchen_0059/rgb_00061.jpg /kitchen_0059/sync_depth_00061.png 518.8579 +/cafe_0001c/rgb_00104.jpg /cafe_0001c/sync_depth_00104.png 518.8579 +/nyu_office_0/rgb_00331.jpg /nyu_office_0/sync_depth_00331.png 518.8579 +/bookstore_0001d/rgb_00293.jpg /bookstore_0001d/sync_depth_00293.png 518.8579 +/classroom_0006/rgb_00143.jpg /classroom_0006/sync_depth_00143.png 518.8579 +/kitchen_0029c/rgb_00176.jpg /kitchen_0029c/sync_depth_00176.png 518.8579 +/bedroom_0052/rgb_00196.jpg /bedroom_0052/sync_depth_00196.png 518.8579 +/playroom_0003/rgb_00171.jpg /playroom_0003/sync_depth_00171.png 518.8579 +/office_0019/rgb_00017.jpg /office_0019/sync_depth_00017.png 518.8579 +/dining_room_0031/rgb_00022.jpg /dining_room_0031/sync_depth_00022.png 518.8579 +/kitchen_0049/rgb_00157.jpg /kitchen_0049/sync_depth_00157.png 518.8579 +/playroom_0003/rgb_00085.jpg /playroom_0003/sync_depth_00085.png 518.8579 +/office_0003/rgb_00054.jpg /office_0003/sync_depth_00054.png 518.8579 +/bedroom_0074/rgb_00078.jpg /bedroom_0074/sync_depth_00078.png 518.8579 +/basement_0001a/rgb_00008.jpg /basement_0001a/sync_depth_00008.png 518.8579 +/living_room_0018/rgb_00161.jpg /living_room_0018/sync_depth_00161.png 518.8579 +/office_0011/rgb_00153.jpg /office_0011/sync_depth_00153.png 518.8579 +/living_room_0086a/rgb_00080.jpg /living_room_0086a/sync_depth_00080.png 518.8579 +/kitchen_0050/rgb_00121.jpg /kitchen_0050/sync_depth_00121.png 518.8579 +/bedroom_0076a/rgb_00209.jpg /bedroom_0076a/sync_depth_00209.png 518.8579 +/living_room_0050/rgb_00073.jpg /living_room_0050/sync_depth_00073.png 518.8579 +/bookstore_0001i/rgb_00069.jpg /bookstore_0001i/sync_depth_00069.png 518.8579 +/dining_room_0015/rgb_00288.jpg /dining_room_0015/sync_depth_00288.png 518.8579 +/furniture_store_0002b/rgb_00148.jpg /furniture_store_0002b/sync_depth_00148.png 518.8579 +/reception_room_0004/rgb_00020.jpg /reception_room_0004/sync_depth_00020.png 518.8579 +/bookstore_0001d/rgb_00353.jpg /bookstore_0001d/sync_depth_00353.png 518.8579 +/bathroom_0042/rgb_00012.jpg /bathroom_0042/sync_depth_00012.png 518.8579 +/dining_room_0014/rgb_00091.jpg /dining_room_0014/sync_depth_00091.png 518.8579 +/kitchen_0053/rgb_00088.jpg /kitchen_0053/sync_depth_00088.png 518.8579 +/dining_room_0007/rgb_00170.jpg /dining_room_0007/sync_depth_00170.png 518.8579 +/conference_room_0001/rgb_00040.jpg /conference_room_0001/sync_depth_00040.png 518.8579 +/bedroom_0098/rgb_00042.jpg /bedroom_0098/sync_depth_00042.png 518.8579 +/furniture_store_0001e/rgb_00035.jpg /furniture_store_0001e/sync_depth_00035.png 518.8579 +/playroom_0003/rgb_00195.jpg /playroom_0003/sync_depth_00195.png 518.8579 +/living_room_0022/rgb_00154.jpg /living_room_0022/sync_depth_00154.png 518.8579 +/dining_room_0023/rgb_00029.jpg /dining_room_0023/sync_depth_00029.png 518.8579 +/bedroom_0020/rgb_00014.jpg /bedroom_0020/sync_depth_00014.png 518.8579 +/furniture_store_0002a/rgb_00227.jpg /furniture_store_0002a/sync_depth_00227.png 518.8579 +/dining_room_0015/rgb_00125.jpg /dining_room_0015/sync_depth_00125.png 518.8579 +/dining_room_0013/rgb_00087.jpg /dining_room_0013/sync_depth_00087.png 518.8579 +/kitchen_0035b/rgb_00110.jpg /kitchen_0035b/sync_depth_00110.png 518.8579 +/bedroom_0041/rgb_00046.jpg /bedroom_0041/sync_depth_00046.png 518.8579 +/living_room_0022/rgb_00129.jpg /living_room_0022/sync_depth_00129.png 518.8579 +/furniture_store_0002a/rgb_00410.jpg /furniture_store_0002a/sync_depth_00410.png 518.8579 +/office_0006/rgb_00065.jpg /office_0006/sync_depth_00065.png 518.8579 +/bedroom_0004/rgb_00016.jpg /bedroom_0004/sync_depth_00016.png 518.8579 +/bookstore_0001g/rgb_00227.jpg /bookstore_0001g/sync_depth_00227.png 518.8579 +/bedroom_0053/rgb_00028.jpg /bedroom_0053/sync_depth_00028.png 518.8579 +/home_office_0011/rgb_00094.jpg /home_office_0011/sync_depth_00094.png 518.8579 +/furniture_store_0002b/rgb_00180.jpg /furniture_store_0002b/sync_depth_00180.png 518.8579 +/bookstore_0001i/rgb_00086.jpg /bookstore_0001i/sync_depth_00086.png 518.8579 +/living_room_0068/rgb_00088.jpg /living_room_0068/sync_depth_00088.png 518.8579 +/furniture_store_0001b/rgb_00093.jpg /furniture_store_0001b/sync_depth_00093.png 518.8579 +/living_room_0058/rgb_00142.jpg /living_room_0058/sync_depth_00142.png 518.8579 +/living_room_0058/rgb_00005.jpg /living_room_0058/sync_depth_00005.png 518.8579 +/office_0026/rgb_00065.jpg /office_0026/sync_depth_00065.png 518.8579 +/bedroom_0052/rgb_00112.jpg /bedroom_0052/sync_depth_00112.png 518.8579 +/reception_room_0001a/rgb_00122.jpg /reception_room_0001a/sync_depth_00122.png 518.8579 +/living_room_0083/rgb_00056.jpg /living_room_0083/sync_depth_00056.png 518.8579 +/office_0006/rgb_00042.jpg /office_0006/sync_depth_00042.png 518.8579 +/playroom_0006/rgb_00053.jpg /playroom_0006/sync_depth_00053.png 518.8579 +/kitchen_0051/rgb_00075.jpg /kitchen_0051/sync_depth_00075.png 518.8579 +/kitchen_0051/rgb_00249.jpg /kitchen_0051/sync_depth_00249.png 518.8579 +/kitchen_0045b/rgb_00111.jpg /kitchen_0045b/sync_depth_00111.png 518.8579 +/bedroom_0138/rgb_00086.jpg /bedroom_0138/sync_depth_00086.png 518.8579 +/bathroom_0002/rgb_00036.jpg /bathroom_0002/sync_depth_00036.png 518.8579 +/bedroom_0140/rgb_00113.jpg /bedroom_0140/sync_depth_00113.png 518.8579 +/kitchen_0029c/rgb_00043.jpg /kitchen_0029c/sync_depth_00043.png 518.8579 +/bedroom_0010/rgb_00107.jpg /bedroom_0010/sync_depth_00107.png 518.8579 +/kitchen_0043/rgb_00109.jpg /kitchen_0043/sync_depth_00109.png 518.8579 +/playroom_0006/rgb_00028.jpg /playroom_0006/sync_depth_00028.png 518.8579 +/excercise_room_0001/rgb_00100.jpg /excercise_room_0001/sync_depth_00100.png 518.8579 +/dining_room_0015/rgb_00194.jpg /dining_room_0015/sync_depth_00194.png 518.8579 +/classroom_0003/rgb_00100.jpg /classroom_0003/sync_depth_00100.png 518.8579 +/bathroom_0028/rgb_00106.jpg /bathroom_0028/sync_depth_00106.png 518.8579 +/kitchen_0045a/rgb_00053.jpg /kitchen_0045a/sync_depth_00053.png 518.8579 +/living_room_0040/rgb_00267.jpg /living_room_0040/sync_depth_00267.png 518.8579 +/bedroom_0074/rgb_00008.jpg /bedroom_0074/sync_depth_00008.png 518.8579 +/bathroom_0039/rgb_00039.jpg /bathroom_0039/sync_depth_00039.png 518.8579 +/living_room_0033/rgb_00063.jpg /living_room_0033/sync_depth_00063.png 518.8579 +/living_room_0035/rgb_00078.jpg /living_room_0035/sync_depth_00078.png 518.8579 +/bedroom_0106/rgb_00125.jpg /bedroom_0106/sync_depth_00125.png 518.8579 +/living_room_0046a/rgb_00097.jpg /living_room_0046a/sync_depth_00097.png 518.8579 +/kitchen_0033/rgb_00109.jpg /kitchen_0033/sync_depth_00109.png 518.8579 +/dining_room_0014/rgb_00110.jpg /dining_room_0014/sync_depth_00110.png 518.8579 +/kitchen_0053/rgb_00071.jpg /kitchen_0053/sync_depth_00071.png 518.8579 +/kitchen_0033/rgb_00106.jpg /kitchen_0033/sync_depth_00106.png 518.8579 +/bathroom_0051/rgb_00026.jpg /bathroom_0051/sync_depth_00026.png 518.8579 +/kitchen_0033/rgb_00080.jpg /kitchen_0033/sync_depth_00080.png 518.8579 +/bookstore_0001f/rgb_00165.jpg /bookstore_0001f/sync_depth_00165.png 518.8579 +/dining_room_0028/rgb_00148.jpg /dining_room_0028/sync_depth_00148.png 518.8579 +/dining_room_0029/rgb_00112.jpg /dining_room_0029/sync_depth_00112.png 518.8579 +/kitchen_0011a/rgb_00100.jpg /kitchen_0011a/sync_depth_00100.png 518.8579 +/home_office_0013/rgb_00002.jpg /home_office_0013/sync_depth_00002.png 518.8579 +/kitchen_0016/rgb_00121.jpg /kitchen_0016/sync_depth_00121.png 518.8579 +/study_room_0005b/rgb_00062.jpg /study_room_0005b/sync_depth_00062.png 518.8579 +/bedroom_0014/rgb_00053.jpg /bedroom_0014/sync_depth_00053.png 518.8579 +/bookstore_0001g/rgb_00088.jpg /bookstore_0001g/sync_depth_00088.png 518.8579 +/office_kitchen_0001b/rgb_00025.jpg /office_kitchen_0001b/sync_depth_00025.png 518.8579 +/playroom_0006/rgb_00051.jpg /playroom_0006/sync_depth_00051.png 518.8579 +/office_0024/rgb_00084.jpg /office_0024/sync_depth_00084.png 518.8579 +/bathroom_0048/rgb_00096.jpg /bathroom_0048/sync_depth_00096.png 518.8579 +/living_room_0037/rgb_00065.jpg /living_room_0037/sync_depth_00065.png 518.8579 +/living_room_0004/rgb_00162.jpg /living_room_0004/sync_depth_00162.png 518.8579 +/kitchen_0043/rgb_00226.jpg /kitchen_0043/sync_depth_00226.png 518.8579 +/bedroom_0086/rgb_00092.jpg /bedroom_0086/sync_depth_00092.png 518.8579 +/dining_room_0024/rgb_00000.jpg /dining_room_0024/sync_depth_00000.png 518.8579 +/bedroom_0004/rgb_00005.jpg /bedroom_0004/sync_depth_00005.png 518.8579 +/kitchen_0048/rgb_00160.jpg /kitchen_0048/sync_depth_00160.png 518.8579 +/bedroom_0107/rgb_00005.jpg /bedroom_0107/sync_depth_00005.png 518.8579 +/living_room_0039/rgb_00040.jpg /living_room_0039/sync_depth_00040.png 518.8579 +/basement_0001a/rgb_00001.jpg /basement_0001a/sync_depth_00001.png 518.8579 +/nyu_office_0/rgb_00352.jpg /nyu_office_0/sync_depth_00352.png 518.8579 +/office_kitchen_0001a/rgb_00020.jpg /office_kitchen_0001a/sync_depth_00020.png 518.8579 +/bedroom_0052/rgb_00177.jpg /bedroom_0052/sync_depth_00177.png 518.8579 +/study_room_0005a/rgb_00006.jpg /study_room_0005a/sync_depth_00006.png 518.8579 +/bedroom_0016/rgb_00118.jpg /bedroom_0016/sync_depth_00118.png 518.8579 +/kitchen_0011b/rgb_00066.jpg /kitchen_0011b/sync_depth_00066.png 518.8579 +/bedroom_0026/rgb_00029.jpg /bedroom_0026/sync_depth_00029.png 518.8579 +/kitchen_0028a/rgb_00030.jpg /kitchen_0028a/sync_depth_00030.png 518.8579 +/kitchen_0019a/rgb_00090.jpg /kitchen_0019a/sync_depth_00090.png 518.8579 +/bookstore_0001e/rgb_00207.jpg /bookstore_0001e/sync_depth_00207.png 518.8579 +/bedroom_0129/rgb_00027.jpg /bedroom_0129/sync_depth_00027.png 518.8579 +/living_room_0005/rgb_00107.jpg /living_room_0005/sync_depth_00107.png 518.8579 +/bedroom_0113/rgb_00007.jpg /bedroom_0113/sync_depth_00007.png 518.8579 +/kitchen_0050/rgb_00179.jpg /kitchen_0050/sync_depth_00179.png 518.8579 +/dining_room_0001b/rgb_00167.jpg /dining_room_0001b/sync_depth_00167.png 518.8579 +/dining_room_0015/rgb_00195.jpg /dining_room_0015/sync_depth_00195.png 518.8579 +/bedroom_0016/rgb_00067.jpg /bedroom_0016/sync_depth_00067.png 518.8579 +/printer_room_0001/rgb_00002.jpg /printer_room_0001/sync_depth_00002.png 518.8579 +/bedroom_0019/rgb_00080.jpg /bedroom_0019/sync_depth_00080.png 518.8579 +/office_0003/rgb_00043.jpg /office_0003/sync_depth_00043.png 518.8579 +/furniture_store_0001e/rgb_00040.jpg /furniture_store_0001e/sync_depth_00040.png 518.8579 +/living_room_0018/rgb_00066.jpg /living_room_0018/sync_depth_00066.png 518.8579 +/classroom_0003/rgb_00043.jpg /classroom_0003/sync_depth_00043.png 518.8579 +/reception_room_0002/rgb_00132.jpg /reception_room_0002/sync_depth_00132.png 518.8579 +/bedroom_0050/rgb_00194.jpg /bedroom_0050/sync_depth_00194.png 518.8579 +/kitchen_0043/rgb_00138.jpg /kitchen_0043/sync_depth_00138.png 518.8579 +/dining_room_0029/rgb_00125.jpg /dining_room_0029/sync_depth_00125.png 518.8579 +/living_room_0033/rgb_00034.jpg /living_room_0033/sync_depth_00034.png 518.8579 +/dining_room_0033/rgb_00064.jpg /dining_room_0033/sync_depth_00064.png 518.8579 +/living_room_0033/rgb_00055.jpg /living_room_0033/sync_depth_00055.png 518.8579 +/home_office_0005/rgb_00077.jpg /home_office_0005/sync_depth_00077.png 518.8579 +/kitchen_0035b/rgb_00075.jpg /kitchen_0035b/sync_depth_00075.png 518.8579 +/dining_room_0010/rgb_00063.jpg /dining_room_0010/sync_depth_00063.png 518.8579 +/living_room_0019/rgb_00018.jpg /living_room_0019/sync_depth_00018.png 518.8579 +/living_room_0050/rgb_00113.jpg /living_room_0050/sync_depth_00113.png 518.8579 +/living_room_0019/rgb_00085.jpg /living_room_0019/sync_depth_00085.png 518.8579 +/furniture_store_0001b/rgb_00056.jpg /furniture_store_0001b/sync_depth_00056.png 518.8579 +/bedroom_0041/rgb_00047.jpg /bedroom_0041/sync_depth_00047.png 518.8579 +/home_storage_0001/rgb_00120.jpg /home_storage_0001/sync_depth_00120.png 518.8579 +/dining_room_0034/rgb_00131.jpg /dining_room_0034/sync_depth_00131.png 518.8579 +/furniture_store_0002a/rgb_00163.jpg /furniture_store_0002a/sync_depth_00163.png 518.8579 +/living_room_0038/rgb_00068.jpg /living_room_0038/sync_depth_00068.png 518.8579 +/kitchen_0048/rgb_00209.jpg /kitchen_0048/sync_depth_00209.png 518.8579 +/dining_room_0034/rgb_00048.jpg /dining_room_0034/sync_depth_00048.png 518.8579 +/office_0011/rgb_00044.jpg /office_0011/sync_depth_00044.png 518.8579 +/home_office_0006/rgb_00135.jpg /home_office_0006/sync_depth_00135.png 518.8579 +/kitchen_0028b/rgb_00074.jpg /kitchen_0028b/sync_depth_00074.png 518.8579 +/living_room_0058/rgb_00001.jpg /living_room_0058/sync_depth_00001.png 518.8579 +/furniture_store_0001d/rgb_00165.jpg /furniture_store_0001d/sync_depth_00165.png 518.8579 +/bedroom_0051/rgb_00025.jpg /bedroom_0051/sync_depth_00025.png 518.8579 +/dining_room_0007/rgb_00066.jpg /dining_room_0007/sync_depth_00066.png 518.8579 +/bedroom_0125b/rgb_00072.jpg /bedroom_0125b/sync_depth_00072.png 518.8579 +/living_room_0070/rgb_00053.jpg /living_room_0070/sync_depth_00053.png 518.8579 +/bathroom_0054/rgb_00019.jpg /bathroom_0054/sync_depth_00019.png 518.8579 +/living_room_0038/rgb_00114.jpg /living_room_0038/sync_depth_00114.png 518.8579 +/living_room_0086a/rgb_00036.jpg /living_room_0086a/sync_depth_00036.png 518.8579 +/bathroom_0041/rgb_00053.jpg /bathroom_0041/sync_depth_00053.png 518.8579 +/kitchen_0045b/rgb_00156.jpg /kitchen_0045b/sync_depth_00156.png 518.8579 +/kitchen_0035b/rgb_00011.jpg /kitchen_0035b/sync_depth_00011.png 518.8579 +/kitchen_0035a/rgb_00029.jpg /kitchen_0035a/sync_depth_00029.png 518.8579 +/study_room_0004/rgb_00060.jpg /study_room_0004/sync_depth_00060.png 518.8579 +/living_room_0018/rgb_00140.jpg /living_room_0018/sync_depth_00140.png 518.8579 +/dining_room_0001b/rgb_00171.jpg /dining_room_0001b/sync_depth_00171.png 518.8579 +/furniture_store_0002b/rgb_00093.jpg /furniture_store_0002b/sync_depth_00093.png 518.8579 +/kitchen_0060/rgb_00076.jpg /kitchen_0060/sync_depth_00076.png 518.8579 +/kitchen_0043/rgb_00113.jpg /kitchen_0043/sync_depth_00113.png 518.8579 +/dining_room_0037/rgb_00011.jpg /dining_room_0037/sync_depth_00011.png 518.8579 +/dining_room_0013/rgb_00052.jpg /dining_room_0013/sync_depth_00052.png 518.8579 +/living_room_0058/rgb_00254.jpg /living_room_0058/sync_depth_00254.png 518.8579 +/kitchen_0053/rgb_00090.jpg /kitchen_0053/sync_depth_00090.png 518.8579 +/bedroom_0020/rgb_00102.jpg /bedroom_0020/sync_depth_00102.png 518.8579 +/bedroom_0071/rgb_00110.jpg /bedroom_0071/sync_depth_00110.png 518.8579 +/home_office_0011/rgb_00080.jpg /home_office_0011/sync_depth_00080.png 518.8579 +/bathroom_0045a/rgb_00028.jpg /bathroom_0045a/sync_depth_00028.png 518.8579 +/bathroom_0024/rgb_00035.jpg /bathroom_0024/sync_depth_00035.png 518.8579 +/bedroom_0041/rgb_00005.jpg /bedroom_0041/sync_depth_00005.png 518.8579 +/bedroom_0034/rgb_00044.jpg /bedroom_0034/sync_depth_00044.png 518.8579 +/bookstore_0001j/rgb_00175.jpg /bookstore_0001j/sync_depth_00175.png 518.8579 +/office_0025/rgb_00043.jpg /office_0025/sync_depth_00043.png 518.8579 +/conference_room_0002/rgb_00043.jpg /conference_room_0002/sync_depth_00043.png 518.8579 +/study_room_0004/rgb_00034.jpg /study_room_0004/sync_depth_00034.png 518.8579 +/dining_room_0013/rgb_00065.jpg /dining_room_0013/sync_depth_00065.png 518.8579 +/bedroom_0016/rgb_00216.jpg /bedroom_0016/sync_depth_00216.png 518.8579 +/student_lounge_0001/rgb_00185.jpg /student_lounge_0001/sync_depth_00185.png 518.8579 +/living_room_0042b/rgb_00002.jpg /living_room_0042b/sync_depth_00002.png 518.8579 +/bathroom_0048/rgb_00103.jpg /bathroom_0048/sync_depth_00103.png 518.8579 +/living_room_0055/rgb_00033.jpg /living_room_0055/sync_depth_00033.png 518.8579 +/study_0004/rgb_00075.jpg /study_0004/sync_depth_00075.png 518.8579 +/living_room_0050/rgb_00060.jpg /living_room_0050/sync_depth_00060.png 518.8579 +/reception_room_0004/rgb_00005.jpg /reception_room_0004/sync_depth_00005.png 518.8579 +/bedroom_0072/rgb_00128.jpg /bedroom_0072/sync_depth_00128.png 518.8579 +/kitchen_0019a/rgb_00042.jpg /kitchen_0019a/sync_depth_00042.png 518.8579 +/indoor_balcony_0001/rgb_00030.jpg /indoor_balcony_0001/sync_depth_00030.png 518.8579 +/bookstore_0001d/rgb_00271.jpg /bookstore_0001d/sync_depth_00271.png 518.8579 +/playroom_0003/rgb_00038.jpg /playroom_0003/sync_depth_00038.png 518.8579 +/kitchen_0028b/rgb_00013.jpg /kitchen_0028b/sync_depth_00013.png 518.8579 +/kitchen_0033/rgb_00065.jpg /kitchen_0033/sync_depth_00065.png 518.8579 +/kitchen_0051/rgb_00213.jpg /kitchen_0051/sync_depth_00213.png 518.8579 +/kitchen_0041/rgb_00004.jpg /kitchen_0041/sync_depth_00004.png 518.8579 +/playroom_0004/rgb_00131.jpg /playroom_0004/sync_depth_00131.png 518.8579 +/bathroom_0024/rgb_00025.jpg /bathroom_0024/sync_depth_00025.png 518.8579 +/bedroom_0021/rgb_00091.jpg /bedroom_0021/sync_depth_00091.png 518.8579 +/living_room_0018/rgb_00062.jpg /living_room_0018/sync_depth_00062.png 518.8579 +/bedroom_0010/rgb_00096.jpg /bedroom_0010/sync_depth_00096.png 518.8579 +/dinette_0001/rgb_00006.jpg /dinette_0001/sync_depth_00006.png 518.8579 +/nyu_office_0/rgb_00206.jpg /nyu_office_0/sync_depth_00206.png 518.8579 +/bathroom_0028/rgb_00030.jpg /bathroom_0028/sync_depth_00030.png 518.8579 +/bedroom_0138/rgb_00035.jpg /bedroom_0138/sync_depth_00035.png 518.8579 +/bedroom_0136/rgb_00049.jpg /bedroom_0136/sync_depth_00049.png 518.8579 +/living_room_0070/rgb_00107.jpg /living_room_0070/sync_depth_00107.png 518.8579 +/furniture_store_0002d/rgb_00055.jpg /furniture_store_0002d/sync_depth_00055.png 518.8579 +/kitchen_0035b/rgb_00043.jpg /kitchen_0035b/sync_depth_00043.png 518.8579 +/living_room_0068/rgb_00024.jpg /living_room_0068/sync_depth_00024.png 518.8579 +/living_room_0069b/rgb_00045.jpg /living_room_0069b/sync_depth_00045.png 518.8579 +/living_room_0082/rgb_00019.jpg /living_room_0082/sync_depth_00019.png 518.8579 +/kitchen_0048/rgb_00077.jpg /kitchen_0048/sync_depth_00077.png 518.8579 +/living_room_0029/rgb_00046.jpg /living_room_0029/sync_depth_00046.png 518.8579 +/office_0006/rgb_00115.jpg /office_0006/sync_depth_00115.png 518.8579 +/bathroom_0028/rgb_00088.jpg /bathroom_0028/sync_depth_00088.png 518.8579 +/bedroom_0056a/rgb_00027.jpg /bedroom_0056a/sync_depth_00027.png 518.8579 +/bathroom_0035/rgb_00031.jpg /bathroom_0035/sync_depth_00031.png 518.8579 +/dining_room_0016/rgb_00193.jpg /dining_room_0016/sync_depth_00193.png 518.8579 +/bedroom_0069/rgb_00006.jpg /bedroom_0069/sync_depth_00006.png 518.8579 +/living_room_0004/rgb_00067.jpg /living_room_0004/sync_depth_00067.png 518.8579 +/dining_room_0001b/rgb_00181.jpg /dining_room_0001b/sync_depth_00181.png 518.8579 +/bedroom_0015/rgb_00014.jpg /bedroom_0015/sync_depth_00014.png 518.8579 +/office_0026/rgb_00009.jpg /office_0026/sync_depth_00009.png 518.8579 +/dining_room_0015/rgb_00090.jpg /dining_room_0015/sync_depth_00090.png 518.8579 +/excercise_room_0001/rgb_00058.jpg /excercise_room_0001/sync_depth_00058.png 518.8579 +/dining_room_0034/rgb_00174.jpg /dining_room_0034/sync_depth_00174.png 518.8579 +/kitchen_0011b/rgb_00040.jpg /kitchen_0011b/sync_depth_00040.png 518.8579 +/kitchen_0033/rgb_00062.jpg /kitchen_0033/sync_depth_00062.png 518.8579 +/kitchen_0010/rgb_00068.jpg /kitchen_0010/sync_depth_00068.png 518.8579 +/kitchen_0035a/rgb_00030.jpg /kitchen_0035a/sync_depth_00030.png 518.8579 +/living_room_0047b/rgb_00127.jpg /living_room_0047b/sync_depth_00127.png 518.8579 +/kitchen_0011a/rgb_00111.jpg /kitchen_0011a/sync_depth_00111.png 518.8579 +/living_room_0062/rgb_00121.jpg /living_room_0062/sync_depth_00121.png 518.8579 +/dining_room_0023/rgb_00143.jpg /dining_room_0023/sync_depth_00143.png 518.8579 +/home_office_0006/rgb_00179.jpg /home_office_0006/sync_depth_00179.png 518.8579 +/bookstore_0001g/rgb_00004.jpg /bookstore_0001g/sync_depth_00004.png 518.8579 +/bedroom_0033/rgb_00118.jpg /bedroom_0033/sync_depth_00118.png 518.8579 +/living_room_0004/rgb_00051.jpg /living_room_0004/sync_depth_00051.png 518.8579 +/bathroom_0039/rgb_00010.jpg /bathroom_0039/sync_depth_00010.png 518.8579 +/kitchen_0016/rgb_00100.jpg /kitchen_0016/sync_depth_00100.png 518.8579 +/bookstore_0001i/rgb_00124.jpg /bookstore_0001i/sync_depth_00124.png 518.8579 +/bedroom_0136/rgb_00100.jpg /bedroom_0136/sync_depth_00100.png 518.8579 +/kitchen_0045b/rgb_00000.jpg /kitchen_0045b/sync_depth_00000.png 518.8579 +/playroom_0002/rgb_00108.jpg /playroom_0002/sync_depth_00108.png 518.8579 +/home_office_0008/rgb_00067.jpg /home_office_0008/sync_depth_00067.png 518.8579 +/classroom_0006/rgb_00145.jpg /classroom_0006/sync_depth_00145.png 518.8579 +/living_room_0020/rgb_00062.jpg /living_room_0020/sync_depth_00062.png 518.8579 +/bathroom_0028/rgb_00108.jpg /bathroom_0028/sync_depth_00108.png 518.8579 +/dining_room_0015/rgb_00143.jpg /dining_room_0015/sync_depth_00143.png 518.8579 +/bedroom_0104/rgb_00105.jpg /bedroom_0104/sync_depth_00105.png 518.8579 +/dining_room_0031/rgb_00294.jpg /dining_room_0031/sync_depth_00294.png 518.8579 +/home_storage_0001/rgb_00097.jpg /home_storage_0001/sync_depth_00097.png 518.8579 +/kitchen_0048/rgb_00008.jpg /kitchen_0048/sync_depth_00008.png 518.8579 +/living_room_0086a/rgb_00062.jpg /living_room_0086a/sync_depth_00062.png 518.8579 +/study_0004/rgb_00057.jpg /study_0004/sync_depth_00057.png 518.8579 +/bathroom_0033/rgb_00063.jpg /bathroom_0033/sync_depth_00063.png 518.8579 +/home_office_0007/rgb_00026.jpg /home_office_0007/sync_depth_00026.png 518.8579 +/furniture_store_0002b/rgb_00045.jpg /furniture_store_0002b/sync_depth_00045.png 518.8579 +/playroom_0006/rgb_00146.jpg /playroom_0006/sync_depth_00146.png 518.8579 +/dining_room_0024/rgb_00073.jpg /dining_room_0024/sync_depth_00073.png 518.8579 +/study_room_0004/rgb_00050.jpg /study_room_0004/sync_depth_00050.png 518.8579 +/dining_room_0010/rgb_00027.jpg /dining_room_0010/sync_depth_00027.png 518.8579 +/bedroom_0138/rgb_00072.jpg /bedroom_0138/sync_depth_00072.png 518.8579 +/living_room_0083/rgb_00020.jpg /living_room_0083/sync_depth_00020.png 518.8579 +/kitchen_0011a/rgb_00052.jpg /kitchen_0011a/sync_depth_00052.png 518.8579 +/living_room_0022/rgb_00029.jpg /living_room_0022/sync_depth_00029.png 518.8579 +/furniture_store_0002a/rgb_00152.jpg /furniture_store_0002a/sync_depth_00152.png 518.8579 +/office_kitchen_0003/rgb_00071.jpg /office_kitchen_0003/sync_depth_00071.png 518.8579 +/living_room_0039/rgb_00043.jpg /living_room_0039/sync_depth_00043.png 518.8579 +/bathroom_0048/rgb_00102.jpg /bathroom_0048/sync_depth_00102.png 518.8579 +/classroom_0003/rgb_00013.jpg /classroom_0003/sync_depth_00013.png 518.8579 +/bedroom_0082/rgb_00027.jpg /bedroom_0082/sync_depth_00027.png 518.8579 +/bookstore_0001f/rgb_00270.jpg /bookstore_0001f/sync_depth_00270.png 518.8579 +/bedroom_0050/rgb_00012.jpg /bedroom_0050/sync_depth_00012.png 518.8579 +/kitchen_0048/rgb_00112.jpg /kitchen_0048/sync_depth_00112.png 518.8579 +/kitchen_0019a/rgb_00029.jpg /kitchen_0019a/sync_depth_00029.png 518.8579 +/office_0006/rgb_00014.jpg /office_0006/sync_depth_00014.png 518.8579 +/home_office_0008/rgb_00173.jpg /home_office_0008/sync_depth_00173.png 518.8579 +/office_0012/rgb_00084.jpg /office_0012/sync_depth_00084.png 518.8579 +/living_room_0012/rgb_00135.jpg /living_room_0012/sync_depth_00135.png 518.8579 +/office_0003/rgb_00028.jpg /office_0003/sync_depth_00028.png 518.8579 +/living_room_0019/rgb_00131.jpg /living_room_0019/sync_depth_00131.png 518.8579 +/bathroom_0013/rgb_00053.jpg /bathroom_0013/sync_depth_00053.png 518.8579 +/kitchen_0028a/rgb_00135.jpg /kitchen_0028a/sync_depth_00135.png 518.8579 +/bathroom_0010/rgb_00034.jpg /bathroom_0010/sync_depth_00034.png 518.8579 +/bathroom_0033/rgb_00048.jpg /bathroom_0033/sync_depth_00048.png 518.8579 +/living_room_0020/rgb_00197.jpg /living_room_0020/sync_depth_00197.png 518.8579 +/playroom_0002/rgb_00029.jpg /playroom_0002/sync_depth_00029.png 518.8579 +/office_kitchen_0001a/rgb_00000.jpg /office_kitchen_0001a/sync_depth_00000.png 518.8579 +/bedroom_0021/rgb_00054.jpg /bedroom_0021/sync_depth_00054.png 518.8579 +/kitchen_0031/rgb_00101.jpg /kitchen_0031/sync_depth_00101.png 518.8579 +/kitchen_0017/rgb_00103.jpg /kitchen_0017/sync_depth_00103.png 518.8579 +/dining_room_0015/rgb_00057.jpg /dining_room_0015/sync_depth_00057.png 518.8579 +/bedroom_0071/rgb_00011.jpg /bedroom_0071/sync_depth_00011.png 518.8579 +/kitchen_0016/rgb_00103.jpg /kitchen_0016/sync_depth_00103.png 518.8579 +/dining_room_0013/rgb_00039.jpg /dining_room_0013/sync_depth_00039.png 518.8579 +/kitchen_0043/rgb_00212.jpg /kitchen_0043/sync_depth_00212.png 518.8579 +/classroom_0016/rgb_00074.jpg /classroom_0016/sync_depth_00074.png 518.8579 +/bedroom_0129/rgb_00032.jpg /bedroom_0129/sync_depth_00032.png 518.8579 +/living_room_0085/rgb_00014.jpg /living_room_0085/sync_depth_00014.png 518.8579 +/living_room_0050/rgb_00287.jpg /living_room_0050/sync_depth_00287.png 518.8579 +/living_room_0067/rgb_00097.jpg /living_room_0067/sync_depth_00097.png 518.8579 +/bedroom_0072/rgb_00124.jpg /bedroom_0072/sync_depth_00124.png 518.8579 +/classroom_0006/rgb_00164.jpg /classroom_0006/sync_depth_00164.png 518.8579 +/classroom_0016/rgb_00026.jpg /classroom_0016/sync_depth_00026.png 518.8579 +/home_office_0008/rgb_00134.jpg /home_office_0008/sync_depth_00134.png 518.8579 +/living_room_0039/rgb_00019.jpg /living_room_0039/sync_depth_00019.png 518.8579 +/living_room_0040/rgb_00162.jpg /living_room_0040/sync_depth_00162.png 518.8579 +/furniture_store_0001d/rgb_00238.jpg /furniture_store_0001d/sync_depth_00238.png 518.8579 +/living_room_0085/rgb_00044.jpg /living_room_0085/sync_depth_00044.png 518.8579 +/living_room_0022/rgb_00317.jpg /living_room_0022/sync_depth_00317.png 518.8579 +/bathroom_0007/rgb_00044.jpg /bathroom_0007/sync_depth_00044.png 518.8579 +/kitchen_0028a/rgb_00155.jpg /kitchen_0028a/sync_depth_00155.png 518.8579 +/playroom_0002/rgb_00007.jpg /playroom_0002/sync_depth_00007.png 518.8579 +/bedroom_0136/rgb_00058.jpg /bedroom_0136/sync_depth_00058.png 518.8579 +/bedroom_0052/rgb_00121.jpg /bedroom_0052/sync_depth_00121.png 518.8579 +/dining_room_0033/rgb_00052.jpg /dining_room_0033/sync_depth_00052.png 518.8579 +/living_room_0046a/rgb_00037.jpg /living_room_0046a/sync_depth_00037.png 518.8579 +/bathroom_0005/rgb_00027.jpg /bathroom_0005/sync_depth_00027.png 518.8579 +/kitchen_0049/rgb_00215.jpg /kitchen_0049/sync_depth_00215.png 518.8579 +/dining_room_0001b/rgb_00136.jpg /dining_room_0001b/sync_depth_00136.png 518.8579 +/bedroom_0076a/rgb_00127.jpg /bedroom_0076a/sync_depth_00127.png 518.8579 +/kitchen_0037/rgb_00114.jpg /kitchen_0037/sync_depth_00114.png 518.8579 +/excercise_room_0001/rgb_00019.jpg /excercise_room_0001/sync_depth_00019.png 518.8579 +/cafe_0001c/rgb_00059.jpg /cafe_0001c/sync_depth_00059.png 518.8579 +/bathroom_0030/rgb_00014.jpg /bathroom_0030/sync_depth_00014.png 518.8579 +/classroom_0004/rgb_00046.jpg /classroom_0004/sync_depth_00046.png 518.8579 +/study_0005/rgb_00016.jpg /study_0005/sync_depth_00016.png 518.8579 +/bedroom_0106/rgb_00123.jpg /bedroom_0106/sync_depth_00123.png 518.8579 +/kitchen_0011b/rgb_00060.jpg /kitchen_0011b/sync_depth_00060.png 518.8579 +/bathroom_0057/rgb_00016.jpg /bathroom_0057/sync_depth_00016.png 518.8579 +/bathroom_0055/rgb_00054.jpg /bathroom_0055/sync_depth_00054.png 518.8579 +/bedroom_0041/rgb_00003.jpg /bedroom_0041/sync_depth_00003.png 518.8579 +/bathroom_0006/rgb_00062.jpg /bathroom_0006/sync_depth_00062.png 518.8579 +/kitchen_0011b/rgb_00048.jpg /kitchen_0011b/sync_depth_00048.png 518.8579 +/dining_room_0013/rgb_00033.jpg /dining_room_0013/sync_depth_00033.png 518.8579 +/living_room_0068/rgb_00025.jpg /living_room_0068/sync_depth_00025.png 518.8579 +/furniture_store_0001d/rgb_00261.jpg /furniture_store_0001d/sync_depth_00261.png 518.8579 +/classroom_0006/rgb_00177.jpg /classroom_0006/sync_depth_00177.png 518.8579 +/bedroom_0035/rgb_00017.jpg /bedroom_0035/sync_depth_00017.png 518.8579 +/classroom_0003/rgb_00090.jpg /classroom_0003/sync_depth_00090.png 518.8579 +/office_0011/rgb_00143.jpg /office_0011/sync_depth_00143.png 518.8579 +/study_room_0004/rgb_00123.jpg /study_room_0004/sync_depth_00123.png 518.8579 +/kitchen_0035b/rgb_00273.jpg /kitchen_0035b/sync_depth_00273.png 518.8579 +/conference_room_0001/rgb_00060.jpg /conference_room_0001/sync_depth_00060.png 518.8579 +/bedroom_0076a/rgb_00159.jpg /bedroom_0076a/sync_depth_00159.png 518.8579 +/bathroom_0051/rgb_00046.jpg /bathroom_0051/sync_depth_00046.png 518.8579 +/living_room_0047b/rgb_00132.jpg /living_room_0047b/sync_depth_00132.png 518.8579 +/living_room_0042b/rgb_00005.jpg /living_room_0042b/sync_depth_00005.png 518.8579 +/bookstore_0001j/rgb_00064.jpg /bookstore_0001j/sync_depth_00064.png 518.8579 +/living_room_0069b/rgb_00027.jpg /living_room_0069b/sync_depth_00027.png 518.8579 +/bedroom_0086/rgb_00018.jpg /bedroom_0086/sync_depth_00018.png 518.8579 +/study_room_0004/rgb_00079.jpg /study_room_0004/sync_depth_00079.png 518.8579 +/bedroom_0096/rgb_00028.jpg /bedroom_0096/sync_depth_00028.png 518.8579 +/bedroom_0080/rgb_00001.jpg /bedroom_0080/sync_depth_00001.png 518.8579 +/kitchen_0031/rgb_00032.jpg /kitchen_0031/sync_depth_00032.png 518.8579 +/kitchen_0031/rgb_00121.jpg /kitchen_0031/sync_depth_00121.png 518.8579 +/living_room_0062/rgb_00190.jpg /living_room_0062/sync_depth_00190.png 518.8579 +/classroom_0004/rgb_00070.jpg /classroom_0004/sync_depth_00070.png 518.8579 +/living_room_0010/rgb_00186.jpg /living_room_0010/sync_depth_00186.png 518.8579 +/bookstore_0001f/rgb_00367.jpg /bookstore_0001f/sync_depth_00367.png 518.8579 +/bathroom_0035/rgb_00025.jpg /bathroom_0035/sync_depth_00025.png 518.8579 +/living_room_0068/rgb_00120.jpg /living_room_0068/sync_depth_00120.png 518.8579 +/dining_room_0012/rgb_00058.jpg /dining_room_0012/sync_depth_00058.png 518.8579 +/living_room_0062/rgb_00014.jpg /living_room_0062/sync_depth_00014.png 518.8579 +/dining_room_0024/rgb_00120.jpg /dining_room_0024/sync_depth_00120.png 518.8579 +/furniture_store_0001c/rgb_00019.jpg /furniture_store_0001c/sync_depth_00019.png 518.8579 +/home_storage_0001/rgb_00158.jpg /home_storage_0001/sync_depth_00158.png 518.8579 +/bedroom_0051/rgb_00145.jpg /bedroom_0051/sync_depth_00145.png 518.8579 +/living_room_0042b/rgb_00097.jpg /living_room_0042b/sync_depth_00097.png 518.8579 +/kitchen_0049/rgb_00129.jpg /kitchen_0049/sync_depth_00129.png 518.8579 +/bedroom_0094/rgb_00017.jpg /bedroom_0094/sync_depth_00017.png 518.8579 +/dining_room_0023/rgb_00089.jpg /dining_room_0023/sync_depth_00089.png 518.8579 +/living_room_0010/rgb_00172.jpg /living_room_0010/sync_depth_00172.png 518.8579 +/bedroom_0017/rgb_00144.jpg /bedroom_0017/sync_depth_00144.png 518.8579 +/furniture_store_0002a/rgb_00267.jpg /furniture_store_0002a/sync_depth_00267.png 518.8579 +/bookstore_0001e/rgb_00056.jpg /bookstore_0001e/sync_depth_00056.png 518.8579 +/dinette_0001/rgb_00024.jpg /dinette_0001/sync_depth_00024.png 518.8579 +/basement_0001a/rgb_00073.jpg /basement_0001a/sync_depth_00073.png 518.8579 +/bookstore_0001j/rgb_00275.jpg /bookstore_0001j/sync_depth_00275.png 518.8579 +/home_office_0005/rgb_00065.jpg /home_office_0005/sync_depth_00065.png 518.8579 +/living_room_0018/rgb_00050.jpg /living_room_0018/sync_depth_00050.png 518.8579 +/study_room_0005b/rgb_00001.jpg /study_room_0005b/sync_depth_00001.png 518.8579 +/living_room_0046a/rgb_00052.jpg /living_room_0046a/sync_depth_00052.png 518.8579 +/living_room_0011/rgb_00048.jpg /living_room_0011/sync_depth_00048.png 518.8579 +/furniture_store_0001e/rgb_00006.jpg /furniture_store_0001e/sync_depth_00006.png 518.8579 +/living_room_0078/rgb_00086.jpg /living_room_0078/sync_depth_00086.png 518.8579 +/bedroom_0069/rgb_00003.jpg /bedroom_0069/sync_depth_00003.png 518.8579 +/living_room_0063/rgb_00143.jpg /living_room_0063/sync_depth_00143.png 518.8579 +/playroom_0003/rgb_00051.jpg /playroom_0003/sync_depth_00051.png 518.8579 +/basement_0001b/rgb_00031.jpg /basement_0001b/sync_depth_00031.png 518.8579 +/bedroom_0016/rgb_00068.jpg /bedroom_0016/sync_depth_00068.png 518.8579 +/bedroom_0069/rgb_00109.jpg /bedroom_0069/sync_depth_00109.png 518.8579 +/bedroom_0059/rgb_00001.jpg /bedroom_0059/sync_depth_00001.png 518.8579 +/office_0004/rgb_00089.jpg /office_0004/sync_depth_00089.png 518.8579 +/bedroom_0029/rgb_00011.jpg /bedroom_0029/sync_depth_00011.png 518.8579 +/bookstore_0001f/rgb_00241.jpg /bookstore_0001f/sync_depth_00241.png 518.8579 +/kitchen_0031/rgb_00156.jpg /kitchen_0031/sync_depth_00156.png 518.8579 +/home_office_0007/rgb_00005.jpg /home_office_0007/sync_depth_00005.png 518.8579 +/dining_room_0007/rgb_00069.jpg /dining_room_0007/sync_depth_00069.png 518.8579 +/bathroom_0045a/rgb_00035.jpg /bathroom_0045a/sync_depth_00035.png 518.8579 +/office_0023/rgb_00017.jpg /office_0023/sync_depth_00017.png 518.8579 +/study_room_0004/rgb_00078.jpg /study_room_0004/sync_depth_00078.png 518.8579 +/classroom_0005/rgb_00012.jpg /classroom_0005/sync_depth_00012.png 518.8579 +/kitchen_0011a/rgb_00076.jpg /kitchen_0011a/sync_depth_00076.png 518.8579 +/dining_room_0007/rgb_00158.jpg /dining_room_0007/sync_depth_00158.png 518.8579 +/dining_room_0007/rgb_00072.jpg /dining_room_0007/sync_depth_00072.png 518.8579 +/living_room_0012/rgb_00133.jpg /living_room_0012/sync_depth_00133.png 518.8579 +/kitchen_0048/rgb_00231.jpg /kitchen_0048/sync_depth_00231.png 518.8579 +/student_lounge_0001/rgb_00010.jpg /student_lounge_0001/sync_depth_00010.png 518.8579 +/bedroom_0132/rgb_00034.jpg /bedroom_0132/sync_depth_00034.png 518.8579 +/bedroom_0106/rgb_00054.jpg /bedroom_0106/sync_depth_00054.png 518.8579 +/bedroom_0012/rgb_00061.jpg /bedroom_0012/sync_depth_00061.png 518.8579 +/bedroom_0052/rgb_00023.jpg /bedroom_0052/sync_depth_00023.png 518.8579 +/bookstore_0001e/rgb_00159.jpg /bookstore_0001e/sync_depth_00159.png 518.8579 +/playroom_0006/rgb_00015.jpg /playroom_0006/sync_depth_00015.png 518.8579 +/living_room_0037/rgb_00064.jpg /living_room_0037/sync_depth_00064.png 518.8579 +/bedroom_0034/rgb_00024.jpg /bedroom_0034/sync_depth_00024.png 518.8579 +/living_room_0069a/rgb_00090.jpg /living_room_0069a/sync_depth_00090.png 518.8579 +/dining_room_0014/rgb_00033.jpg /dining_room_0014/sync_depth_00033.png 518.8579 +/bedroom_0019/rgb_00051.jpg /bedroom_0019/sync_depth_00051.png 518.8579 +/living_room_0019/rgb_00041.jpg /living_room_0019/sync_depth_00041.png 518.8579 +/bathroom_0041/rgb_00050.jpg /bathroom_0041/sync_depth_00050.png 518.8579 +/nyu_office_1/rgb_00018.jpg /nyu_office_1/sync_depth_00018.png 518.8579 +/home_office_0004/rgb_00089.jpg /home_office_0004/sync_depth_00089.png 518.8579 +/bookstore_0001f/rgb_00316.jpg /bookstore_0001f/sync_depth_00316.png 518.8579 +/kitchen_0043/rgb_00200.jpg /kitchen_0043/sync_depth_00200.png 518.8579 +/living_room_0046b/rgb_00096.jpg /living_room_0046b/sync_depth_00096.png 518.8579 +/bathroom_0039/rgb_00023.jpg /bathroom_0039/sync_depth_00023.png 518.8579 +/bedroom_0074/rgb_00090.jpg /bedroom_0074/sync_depth_00090.png 518.8579 +/bedroom_0033/rgb_00028.jpg /bedroom_0033/sync_depth_00028.png 518.8579 +/dining_room_0023/rgb_00125.jpg /dining_room_0023/sync_depth_00125.png 518.8579 +/living_room_0019/rgb_00228.jpg /living_room_0019/sync_depth_00228.png 518.8579 +/bookstore_0001h/rgb_00169.jpg /bookstore_0001h/sync_depth_00169.png 518.8579 +/bedroom_0042/rgb_00012.jpg /bedroom_0042/sync_depth_00012.png 518.8579 +/kitchen_0029c/rgb_00156.jpg /kitchen_0029c/sync_depth_00156.png 518.8579 +/bedroom_0010/rgb_00102.jpg /bedroom_0010/sync_depth_00102.png 518.8579 +/bedroom_0019/rgb_00067.jpg /bedroom_0019/sync_depth_00067.png 518.8579 +/cafe_0001c/rgb_00088.jpg /cafe_0001c/sync_depth_00088.png 518.8579 +/bedroom_0126/rgb_00069.jpg /bedroom_0126/sync_depth_00069.png 518.8579 +/bathroom_0005/rgb_00031.jpg /bathroom_0005/sync_depth_00031.png 518.8579 +/bedroom_0040/rgb_00060.jpg /bedroom_0040/sync_depth_00060.png 518.8579 +/bedroom_0050/rgb_00150.jpg /bedroom_0050/sync_depth_00150.png 518.8579 +/living_room_0062/rgb_00089.jpg /living_room_0062/sync_depth_00089.png 518.8579 +/office_0026/rgb_00068.jpg /office_0026/sync_depth_00068.png 518.8579 +/office_0011/rgb_00080.jpg /office_0011/sync_depth_00080.png 518.8579 +/bedroom_0107/rgb_00001.jpg /bedroom_0107/sync_depth_00001.png 518.8579 +/living_room_0047b/rgb_00062.jpg /living_room_0047b/sync_depth_00062.png 518.8579 +/reception_room_0001b/rgb_00011.jpg /reception_room_0001b/sync_depth_00011.png 518.8579 +/living_room_0019/rgb_00112.jpg /living_room_0019/sync_depth_00112.png 518.8579 +/bedroom_0062/rgb_00079.jpg /bedroom_0062/sync_depth_00079.png 518.8579 +/dining_room_0015/rgb_00138.jpg /dining_room_0015/sync_depth_00138.png 518.8579 +/classroom_0022/rgb_00043.jpg /classroom_0022/sync_depth_00043.png 518.8579 +/bedroom_0065/rgb_00034.jpg /bedroom_0065/sync_depth_00034.png 518.8579 +/bedroom_0021/rgb_00023.jpg /bedroom_0021/sync_depth_00023.png 518.8579 +/kitchen_0052/rgb_00022.jpg /kitchen_0052/sync_depth_00022.png 518.8579 +/nyu_office_0/rgb_00256.jpg /nyu_office_0/sync_depth_00256.png 518.8579 +/classroom_0011/rgb_00044.jpg /classroom_0011/sync_depth_00044.png 518.8579 +/bedroom_0078/rgb_00098.jpg /bedroom_0078/sync_depth_00098.png 518.8579 +/classroom_0022/rgb_00057.jpg /classroom_0022/sync_depth_00057.png 518.8579 +/living_room_0046a/rgb_00001.jpg /living_room_0046a/sync_depth_00001.png 518.8579 +/dining_room_0034/rgb_00225.jpg /dining_room_0034/sync_depth_00225.png 518.8579 +/cafe_0001c/rgb_00076.jpg /cafe_0001c/sync_depth_00076.png 518.8579 +/living_room_0063/rgb_00036.jpg /living_room_0063/sync_depth_00036.png 518.8579 +/conference_room_0001/rgb_00112.jpg /conference_room_0001/sync_depth_00112.png 518.8579 +/kitchen_0019a/rgb_00151.jpg /kitchen_0019a/sync_depth_00151.png 518.8579 +/living_room_0062/rgb_00067.jpg /living_room_0062/sync_depth_00067.png 518.8579 +/bedroom_0014/rgb_00064.jpg /bedroom_0014/sync_depth_00064.png 518.8579 +/living_room_0022/rgb_00389.jpg /living_room_0022/sync_depth_00389.png 518.8579 +/living_room_0055/rgb_00034.jpg /living_room_0055/sync_depth_00034.png 518.8579 +/dining_room_0037/rgb_00172.jpg /dining_room_0037/sync_depth_00172.png 518.8579 +/kitchen_0028a/rgb_00097.jpg /kitchen_0028a/sync_depth_00097.png 518.8579 +/bedroom_0079/rgb_00052.jpg /bedroom_0079/sync_depth_00052.png 518.8579 +/study_room_0005b/rgb_00051.jpg /study_room_0005b/sync_depth_00051.png 518.8579 +/office_0026/rgb_00138.jpg /office_0026/sync_depth_00138.png 518.8579 +/bathroom_0045a/rgb_00018.jpg /bathroom_0045a/sync_depth_00018.png 518.8579 +/bedroom_0082/rgb_00053.jpg /bedroom_0082/sync_depth_00053.png 518.8579 +/home_office_0006/rgb_00046.jpg /home_office_0006/sync_depth_00046.png 518.8579 +/bedroom_0004/rgb_00010.jpg /bedroom_0004/sync_depth_00010.png 518.8579 +/kitchen_0033/rgb_00041.jpg /kitchen_0033/sync_depth_00041.png 518.8579 +/bedroom_0066/rgb_00034.jpg /bedroom_0066/sync_depth_00034.png 518.8579 +/bedroom_0076a/rgb_00108.jpg /bedroom_0076a/sync_depth_00108.png 518.8579 +/dining_room_0008/rgb_00061.jpg /dining_room_0008/sync_depth_00061.png 518.8579 +/kitchen_0052/rgb_00183.jpg /kitchen_0052/sync_depth_00183.png 518.8579 +/dining_room_0015/rgb_00156.jpg /dining_room_0015/sync_depth_00156.png 518.8579 +/living_room_0022/rgb_00358.jpg /living_room_0022/sync_depth_00358.png 518.8579 +/classroom_0018/rgb_00007.jpg /classroom_0018/sync_depth_00007.png 518.8579 +/bathroom_0041/rgb_00061.jpg /bathroom_0041/sync_depth_00061.png 518.8579 +/dining_room_0031/rgb_00051.jpg /dining_room_0031/sync_depth_00051.png 518.8579 +/kitchen_0008/rgb_00046.jpg /kitchen_0008/sync_depth_00046.png 518.8579 +/basement_0001a/rgb_00024.jpg /basement_0001a/sync_depth_00024.png 518.8579 +/dining_room_0019/rgb_00129.jpg /dining_room_0019/sync_depth_00129.png 518.8579 +/kitchen_0043/rgb_00000.jpg /kitchen_0043/sync_depth_00000.png 518.8579 +/student_lounge_0001/rgb_00267.jpg /student_lounge_0001/sync_depth_00267.png 518.8579 +/furniture_store_0002a/rgb_00274.jpg /furniture_store_0002a/sync_depth_00274.png 518.8579 +/kitchen_0028a/rgb_00094.jpg /kitchen_0028a/sync_depth_00094.png 518.8579 +/dining_room_0014/rgb_00100.jpg /dining_room_0014/sync_depth_00100.png 518.8579 +/student_lounge_0001/rgb_00198.jpg /student_lounge_0001/sync_depth_00198.png 518.8579 +/living_room_0047b/rgb_00141.jpg /living_room_0047b/sync_depth_00141.png 518.8579 +/classroom_0022/rgb_00119.jpg /classroom_0022/sync_depth_00119.png 518.8579 +/conference_room_0001/rgb_00041.jpg /conference_room_0001/sync_depth_00041.png 518.8579 +/dining_room_0007/rgb_00108.jpg /dining_room_0007/sync_depth_00108.png 518.8579 +/kitchen_0045b/rgb_00123.jpg /kitchen_0045b/sync_depth_00123.png 518.8579 +/living_room_0083/rgb_00079.jpg /living_room_0083/sync_depth_00079.png 518.8579 +/bedroom_0076a/rgb_00107.jpg /bedroom_0076a/sync_depth_00107.png 518.8579 +/bedroom_0063/rgb_00032.jpg /bedroom_0063/sync_depth_00032.png 518.8579 +/bathroom_0041/rgb_00040.jpg /bathroom_0041/sync_depth_00040.png 518.8579 +/bedroom_0059/rgb_00051.jpg /bedroom_0059/sync_depth_00051.png 518.8579 +/playroom_0003/rgb_00048.jpg /playroom_0003/sync_depth_00048.png 518.8579 +/living_room_0019/rgb_00188.jpg /living_room_0019/sync_depth_00188.png 518.8579 +/bedroom_0136/rgb_00059.jpg /bedroom_0136/sync_depth_00059.png 518.8579 +/bathroom_0048/rgb_00064.jpg /bathroom_0048/sync_depth_00064.png 518.8579 +/dining_room_0001b/rgb_00032.jpg /dining_room_0001b/sync_depth_00032.png 518.8579 +/home_storage_0001/rgb_00110.jpg /home_storage_0001/sync_depth_00110.png 518.8579 +/dining_room_0001b/rgb_00008.jpg /dining_room_0001b/sync_depth_00008.png 518.8579 +/living_room_0038/rgb_00028.jpg /living_room_0038/sync_depth_00028.png 518.8579 +/furniture_store_0001d/rgb_00092.jpg /furniture_store_0001d/sync_depth_00092.png 518.8579 +/office_0023/rgb_00005.jpg /office_0023/sync_depth_00005.png 518.8579 +/bedroom_0138/rgb_00093.jpg /bedroom_0138/sync_depth_00093.png 518.8579 +/bedroom_0062/rgb_00096.jpg /bedroom_0062/sync_depth_00096.png 518.8579 +/bedroom_0021/rgb_00101.jpg /bedroom_0021/sync_depth_00101.png 518.8579 +/dining_room_0012/rgb_00050.jpg /dining_room_0012/sync_depth_00050.png 518.8579 +/classroom_0006/rgb_00158.jpg /classroom_0006/sync_depth_00158.png 518.8579 +/living_room_0022/rgb_00227.jpg /living_room_0022/sync_depth_00227.png 518.8579 +/kitchen_0048/rgb_00233.jpg /kitchen_0048/sync_depth_00233.png 518.8579 +/bathroom_0053/rgb_00002.jpg /bathroom_0053/sync_depth_00002.png 518.8579 +/playroom_0003/rgb_00134.jpg /playroom_0003/sync_depth_00134.png 518.8579 +/living_room_0047a/rgb_00065.jpg /living_room_0047a/sync_depth_00065.png 518.8579 +/furniture_store_0002d/rgb_00024.jpg /furniture_store_0002d/sync_depth_00024.png 518.8579 +/dinette_0001/rgb_00067.jpg /dinette_0001/sync_depth_00067.png 518.8579 +/bedroom_0021/rgb_00086.jpg /bedroom_0021/sync_depth_00086.png 518.8579 +/home_office_0013/rgb_00008.jpg /home_office_0013/sync_depth_00008.png 518.8579 +/living_room_0046a/rgb_00010.jpg /living_room_0046a/sync_depth_00010.png 518.8579 +/furniture_store_0002a/rgb_00249.jpg /furniture_store_0002a/sync_depth_00249.png 518.8579 +/nyu_office_0/rgb_00272.jpg /nyu_office_0/sync_depth_00272.png 518.8579 +/dining_room_0024/rgb_00096.jpg /dining_room_0024/sync_depth_00096.png 518.8579 +/study_room_0005b/rgb_00070.jpg /study_room_0005b/sync_depth_00070.png 518.8579 +/reception_room_0001a/rgb_00064.jpg /reception_room_0001a/sync_depth_00064.png 518.8579 +/living_room_0085/rgb_00050.jpg /living_room_0085/sync_depth_00050.png 518.8579 +/kitchen_0045b/rgb_00048.jpg /kitchen_0045b/sync_depth_00048.png 518.8579 +/living_room_0040/rgb_00101.jpg /living_room_0040/sync_depth_00101.png 518.8579 +/bedroom_0130/rgb_00013.jpg /bedroom_0130/sync_depth_00013.png 518.8579 +/bedroom_0060/rgb_00044.jpg /bedroom_0060/sync_depth_00044.png 518.8579 +/bedroom_0086/rgb_00107.jpg /bedroom_0086/sync_depth_00107.png 518.8579 +/home_office_0008/rgb_00035.jpg /home_office_0008/sync_depth_00035.png 518.8579 +/living_room_0032/rgb_00006.jpg /living_room_0032/sync_depth_00006.png 518.8579 +/living_room_0038/rgb_00040.jpg /living_room_0038/sync_depth_00040.png 518.8579 +/kitchen_0035b/rgb_00005.jpg /kitchen_0035b/sync_depth_00005.png 518.8579 +/living_room_0069a/rgb_00009.jpg /living_room_0069a/sync_depth_00009.png 518.8579 +/bedroom_0113/rgb_00101.jpg /bedroom_0113/sync_depth_00101.png 518.8579 +/bookstore_0001f/rgb_00172.jpg /bookstore_0001f/sync_depth_00172.png 518.8579 +/bedroom_0120/rgb_00038.jpg /bedroom_0120/sync_depth_00038.png 518.8579 +/kitchen_0029b/rgb_00033.jpg /kitchen_0029b/sync_depth_00033.png 518.8579 +/kitchen_0049/rgb_00130.jpg /kitchen_0049/sync_depth_00130.png 518.8579 +/bedroom_0116/rgb_00012.jpg /bedroom_0116/sync_depth_00012.png 518.8579 +/bedroom_0140/rgb_00174.jpg /bedroom_0140/sync_depth_00174.png 518.8579 +/kitchen_0050/rgb_00035.jpg /kitchen_0050/sync_depth_00035.png 518.8579 +/living_room_0018/rgb_00203.jpg /living_room_0018/sync_depth_00203.png 518.8579 +/living_room_0018/rgb_00098.jpg /living_room_0018/sync_depth_00098.png 518.8579 +/bedroom_0129/rgb_00077.jpg /bedroom_0129/sync_depth_00077.png 518.8579 +/conference_room_0001/rgb_00111.jpg /conference_room_0001/sync_depth_00111.png 518.8579 +/kitchen_0043/rgb_00183.jpg /kitchen_0043/sync_depth_00183.png 518.8579 +/bathroom_0028/rgb_00162.jpg /bathroom_0028/sync_depth_00162.png 518.8579 +/bookstore_0001d/rgb_00075.jpg /bookstore_0001d/sync_depth_00075.png 518.8579 +/kitchen_0048/rgb_00074.jpg /kitchen_0048/sync_depth_00074.png 518.8579 +/dining_room_0024/rgb_00012.jpg /dining_room_0024/sync_depth_00012.png 518.8579 +/dining_room_0024/rgb_00123.jpg /dining_room_0024/sync_depth_00123.png 518.8579 +/bathroom_0033/rgb_00018.jpg /bathroom_0033/sync_depth_00018.png 518.8579 +/kitchen_0019b/rgb_00011.jpg /kitchen_0019b/sync_depth_00011.png 518.8579 +/bedroom_0025/rgb_00118.jpg /bedroom_0025/sync_depth_00118.png 518.8579 +/living_room_0070/rgb_00066.jpg /living_room_0070/sync_depth_00066.png 518.8579 +/bedroom_0017/rgb_00020.jpg /bedroom_0017/sync_depth_00020.png 518.8579 +/playroom_0003/rgb_00137.jpg /playroom_0003/sync_depth_00137.png 518.8579 +/bedroom_0021/rgb_00014.jpg /bedroom_0021/sync_depth_00014.png 518.8579 +/playroom_0002/rgb_00147.jpg /playroom_0002/sync_depth_00147.png 518.8579 +/dining_room_0012/rgb_00222.jpg /dining_room_0012/sync_depth_00222.png 518.8579 +/living_room_0035/rgb_00017.jpg /living_room_0035/sync_depth_00017.png 518.8579 +/dining_room_0037/rgb_00160.jpg /dining_room_0037/sync_depth_00160.png 518.8579 +/dining_room_0016/rgb_00096.jpg /dining_room_0016/sync_depth_00096.png 518.8579 +/bathroom_0014a/rgb_00050.jpg /bathroom_0014a/sync_depth_00050.png 518.8579 +/bedroom_0124/rgb_00005.jpg /bedroom_0124/sync_depth_00005.png 518.8579 +/living_room_0046a/rgb_00043.jpg /living_room_0046a/sync_depth_00043.png 518.8579 +/bookstore_0001d/rgb_00123.jpg /bookstore_0001d/sync_depth_00123.png 518.8579 +/home_office_0004/rgb_00135.jpg /home_office_0004/sync_depth_00135.png 518.8579 +/kitchen_0035a/rgb_00002.jpg /kitchen_0035a/sync_depth_00002.png 518.8579 +/bathroom_0045a/rgb_00048.jpg /bathroom_0045a/sync_depth_00048.png 518.8579 +/bedroom_0096/rgb_00042.jpg /bedroom_0096/sync_depth_00042.png 518.8579 +/kitchen_0052/rgb_00089.jpg /kitchen_0052/sync_depth_00089.png 518.8579 +/living_room_0022/rgb_00259.jpg /living_room_0022/sync_depth_00259.png 518.8579 +/bedroom_0026/rgb_00061.jpg /bedroom_0026/sync_depth_00061.png 518.8579 +/dining_room_0001b/rgb_00174.jpg /dining_room_0001b/sync_depth_00174.png 518.8579 +/bedroom_0040/rgb_00009.jpg /bedroom_0040/sync_depth_00009.png 518.8579 +/bedroom_0072/rgb_00162.jpg /bedroom_0072/sync_depth_00162.png 518.8579 +/kitchen_0050/rgb_00164.jpg /kitchen_0050/sync_depth_00164.png 518.8579 +/bedroom_0106/rgb_00038.jpg /bedroom_0106/sync_depth_00038.png 518.8579 +/bedroom_0025/rgb_00155.jpg /bedroom_0025/sync_depth_00155.png 518.8579 +/living_room_0011/rgb_00029.jpg /living_room_0011/sync_depth_00029.png 518.8579 +/office_0003/rgb_00029.jpg /office_0003/sync_depth_00029.png 518.8579 +/bedroom_0078/rgb_00026.jpg /bedroom_0078/sync_depth_00026.png 518.8579 +/dining_room_0019/rgb_00122.jpg /dining_room_0019/sync_depth_00122.png 518.8579 +/bedroom_0036/rgb_00006.jpg /bedroom_0036/sync_depth_00006.png 518.8579 +/study_room_0005a/rgb_00024.jpg /study_room_0005a/sync_depth_00024.png 518.8579 +/bedroom_0059/rgb_00010.jpg /bedroom_0059/sync_depth_00010.png 518.8579 +/kitchen_0051/rgb_00078.jpg /kitchen_0051/sync_depth_00078.png 518.8579 +/kitchen_0019a/rgb_00208.jpg /kitchen_0019a/sync_depth_00208.png 518.8579 +/bedroom_0125b/rgb_00003.jpg /bedroom_0125b/sync_depth_00003.png 518.8579 +/living_room_0011/rgb_00112.jpg /living_room_0011/sync_depth_00112.png 518.8579 +/bathroom_0028/rgb_00033.jpg /bathroom_0028/sync_depth_00033.png 518.8579 +/bedroom_0100/rgb_00054.jpg /bedroom_0100/sync_depth_00054.png 518.8579 +/kitchen_0029c/rgb_00006.jpg /kitchen_0029c/sync_depth_00006.png 518.8579 +/kitchen_0048/rgb_00041.jpg /kitchen_0048/sync_depth_00041.png 518.8579 +/kitchen_0053/rgb_00135.jpg /kitchen_0053/sync_depth_00135.png 518.8579 +/bookstore_0001g/rgb_00063.jpg /bookstore_0001g/sync_depth_00063.png 518.8579 +/furniture_store_0002a/rgb_00072.jpg /furniture_store_0002a/sync_depth_00072.png 518.8579 +/kitchen_0045b/rgb_00035.jpg /kitchen_0045b/sync_depth_00035.png 518.8579 +/bedroom_0033/rgb_00141.jpg /bedroom_0033/sync_depth_00141.png 518.8579 +/living_room_0047b/rgb_00150.jpg /living_room_0047b/sync_depth_00150.png 518.8579 +/bookstore_0001f/rgb_00145.jpg /bookstore_0001f/sync_depth_00145.png 518.8579 +/furniture_store_0002a/rgb_00113.jpg /furniture_store_0002a/sync_depth_00113.png 518.8579 +/bedroom_0107/rgb_00033.jpg /bedroom_0107/sync_depth_00033.png 518.8579 +/bedroom_0059/rgb_00042.jpg /bedroom_0059/sync_depth_00042.png 518.8579 +/kitchen_0051/rgb_00053.jpg /kitchen_0051/sync_depth_00053.png 518.8579 +/furniture_store_0002b/rgb_00142.jpg /furniture_store_0002b/sync_depth_00142.png 518.8579 +/kitchen_0010/rgb_00118.jpg /kitchen_0010/sync_depth_00118.png 518.8579 +/bookstore_0001i/rgb_00144.jpg /bookstore_0001i/sync_depth_00144.png 518.8579 +/bedroom_0029/rgb_00063.jpg /bedroom_0029/sync_depth_00063.png 518.8579 +/bathroom_0034/rgb_00059.jpg /bathroom_0034/sync_depth_00059.png 518.8579 +/living_room_0012/rgb_00097.jpg /living_room_0012/sync_depth_00097.png 518.8579 +/living_room_0062/rgb_00030.jpg /living_room_0062/sync_depth_00030.png 518.8579 +/living_room_0046a/rgb_00014.jpg /living_room_0046a/sync_depth_00014.png 518.8579 +/living_room_0004/rgb_00064.jpg /living_room_0004/sync_depth_00064.png 518.8579 +/office_0019/rgb_00008.jpg /office_0019/sync_depth_00008.png 518.8579 +/conference_room_0001/rgb_00053.jpg /conference_room_0001/sync_depth_00053.png 518.8579 +/kitchen_0059/rgb_00078.jpg /kitchen_0059/sync_depth_00078.png 518.8579 +/living_room_0010/rgb_00237.jpg /living_room_0010/sync_depth_00237.png 518.8579 +/classroom_0003/rgb_00001.jpg /classroom_0003/sync_depth_00001.png 518.8579 +/furniture_store_0002a/rgb_00016.jpg /furniture_store_0002a/sync_depth_00016.png 518.8579 +/bedroom_0113/rgb_00075.jpg /bedroom_0113/sync_depth_00075.png 518.8579 +/office_kitchen_0001b/rgb_00019.jpg /office_kitchen_0001b/sync_depth_00019.png 518.8579 +/bedroom_0106/rgb_00126.jpg /bedroom_0106/sync_depth_00126.png 518.8579 +/furniture_store_0001d/rgb_00126.jpg /furniture_store_0001d/sync_depth_00126.png 518.8579 +/kitchen_0028a/rgb_00183.jpg /kitchen_0028a/sync_depth_00183.png 518.8579 +/bedroom_0096/rgb_00031.jpg /bedroom_0096/sync_depth_00031.png 518.8579 +/study_0004/rgb_00073.jpg /study_0004/sync_depth_00073.png 518.8579 +/excercise_room_0001/rgb_00015.jpg /excercise_room_0001/sync_depth_00015.png 518.8579 +/dining_room_0028/rgb_00135.jpg /dining_room_0028/sync_depth_00135.png 518.8579 +/bedroom_0071/rgb_00157.jpg /bedroom_0071/sync_depth_00157.png 518.8579 +/bedroom_0071/rgb_00177.jpg /bedroom_0071/sync_depth_00177.png 518.8579 +/bedroom_0097/rgb_00025.jpg /bedroom_0097/sync_depth_00025.png 518.8579 +/dining_room_0023/rgb_00090.jpg /dining_room_0023/sync_depth_00090.png 518.8579 +/kitchen_0035b/rgb_00091.jpg /kitchen_0035b/sync_depth_00091.png 518.8579 +/living_room_0022/rgb_00295.jpg /living_room_0022/sync_depth_00295.png 518.8579 +/bedroom_0035/rgb_00009.jpg /bedroom_0035/sync_depth_00009.png 518.8579 +/living_room_0037/rgb_00007.jpg /living_room_0037/sync_depth_00007.png 518.8579 +/kitchen_0033/rgb_00064.jpg /kitchen_0033/sync_depth_00064.png 518.8579 +/bedroom_0012/rgb_00022.jpg /bedroom_0012/sync_depth_00022.png 518.8579 +/living_room_0040/rgb_00146.jpg /living_room_0040/sync_depth_00146.png 518.8579 +/bathroom_0042/rgb_00050.jpg /bathroom_0042/sync_depth_00050.png 518.8579 +/classroom_0006/rgb_00151.jpg /classroom_0006/sync_depth_00151.png 518.8579 +/bedroom_0069/rgb_00031.jpg /bedroom_0069/sync_depth_00031.png 518.8579 +/kitchen_0048/rgb_00148.jpg /kitchen_0048/sync_depth_00148.png 518.8579 +/kitchen_0048/rgb_00024.jpg /kitchen_0048/sync_depth_00024.png 518.8579 +/furniture_store_0002a/rgb_00184.jpg /furniture_store_0002a/sync_depth_00184.png 518.8579 +/living_room_0005/rgb_00122.jpg /living_room_0005/sync_depth_00122.png 518.8579 +/kitchen_0043/rgb_00064.jpg /kitchen_0043/sync_depth_00064.png 518.8579 +/bathroom_0051/rgb_00027.jpg /bathroom_0051/sync_depth_00027.png 518.8579 +/reception_room_0002/rgb_00023.jpg /reception_room_0002/sync_depth_00023.png 518.8579 +/living_room_0063/rgb_00146.jpg /living_room_0063/sync_depth_00146.png 518.8579 +/study_room_0004/rgb_00049.jpg /study_room_0004/sync_depth_00049.png 518.8579 +/office_0009/rgb_00057.jpg /office_0009/sync_depth_00057.png 518.8579 +/bathroom_0002/rgb_00013.jpg /bathroom_0002/sync_depth_00013.png 518.8579 +/home_office_0008/rgb_00078.jpg /home_office_0008/sync_depth_00078.png 518.8579 +/living_room_0062/rgb_00081.jpg /living_room_0062/sync_depth_00081.png 518.8579 +/dining_room_0015/rgb_00269.jpg /dining_room_0015/sync_depth_00269.png 518.8579 +/dining_room_0033/rgb_00102.jpg /dining_room_0033/sync_depth_00102.png 518.8579 +/classroom_0016/rgb_00054.jpg /classroom_0016/sync_depth_00054.png 518.8579 +/dining_room_0037/rgb_00106.jpg /dining_room_0037/sync_depth_00106.png 518.8579 +/bedroom_0040/rgb_00044.jpg /bedroom_0040/sync_depth_00044.png 518.8579 +/furniture_store_0002b/rgb_00164.jpg /furniture_store_0002b/sync_depth_00164.png 518.8579 +/bathroom_0055/rgb_00047.jpg /bathroom_0055/sync_depth_00047.png 518.8579 +/office_0006/rgb_00045.jpg /office_0006/sync_depth_00045.png 518.8579 +/classroom_0003/rgb_00039.jpg /classroom_0003/sync_depth_00039.png 518.8579 +/kitchen_0050/rgb_00061.jpg /kitchen_0050/sync_depth_00061.png 518.8579 +/kitchen_0043/rgb_00157.jpg /kitchen_0043/sync_depth_00157.png 518.8579 +/playroom_0002/rgb_00048.jpg /playroom_0002/sync_depth_00048.png 518.8579 +/bookstore_0001h/rgb_00057.jpg /bookstore_0001h/sync_depth_00057.png 518.8579 +/kitchen_0048/rgb_00220.jpg /kitchen_0048/sync_depth_00220.png 518.8579 +/bedroom_0050/rgb_00053.jpg /bedroom_0050/sync_depth_00053.png 518.8579 +/kitchen_0043/rgb_00002.jpg /kitchen_0043/sync_depth_00002.png 518.8579 +/living_room_0037/rgb_00047.jpg /living_room_0037/sync_depth_00047.png 518.8579 +/kitchen_0045b/rgb_00069.jpg /kitchen_0045b/sync_depth_00069.png 518.8579 +/reception_room_0001b/rgb_00065.jpg /reception_room_0001b/sync_depth_00065.png 518.8579 +/bedroom_0041/rgb_00039.jpg /bedroom_0041/sync_depth_00039.png 518.8579 +/living_room_0068/rgb_00117.jpg /living_room_0068/sync_depth_00117.png 518.8579 +/bedroom_0090/rgb_00038.jpg /bedroom_0090/sync_depth_00038.png 518.8579 +/classroom_0006/rgb_00084.jpg /classroom_0006/sync_depth_00084.png 518.8579 +/bedroom_0019/rgb_00170.jpg /bedroom_0019/sync_depth_00170.png 518.8579 +/living_room_0040/rgb_00096.jpg /living_room_0040/sync_depth_00096.png 518.8579 +/living_room_0050/rgb_00072.jpg /living_room_0050/sync_depth_00072.png 518.8579 +/classroom_0022/rgb_00044.jpg /classroom_0022/sync_depth_00044.png 518.8579 +/dining_room_0001b/rgb_00073.jpg /dining_room_0001b/sync_depth_00073.png 518.8579 +/bookstore_0001d/rgb_00360.jpg /bookstore_0001d/sync_depth_00360.png 518.8579 +/kitchen_0051/rgb_00088.jpg /kitchen_0051/sync_depth_00088.png 518.8579 +/living_room_0055/rgb_00040.jpg /living_room_0055/sync_depth_00040.png 518.8579 +/study_room_0005b/rgb_00086.jpg /study_room_0005b/sync_depth_00086.png 518.8579 +/office_0011/rgb_00018.jpg /office_0011/sync_depth_00018.png 518.8579 +/bedroom_0053/rgb_00080.jpg /bedroom_0053/sync_depth_00080.png 518.8579 +/living_room_0078/rgb_00003.jpg /living_room_0078/sync_depth_00003.png 518.8579 +/dining_room_0028/rgb_00021.jpg /dining_room_0028/sync_depth_00021.png 518.8579 +/bookstore_0001g/rgb_00184.jpg /bookstore_0001g/sync_depth_00184.png 518.8579 +/home_office_0008/rgb_00089.jpg /home_office_0008/sync_depth_00089.png 518.8579 +/kitchen_0053/rgb_00175.jpg /kitchen_0053/sync_depth_00175.png 518.8579 +/study_room_0004/rgb_00214.jpg /study_room_0004/sync_depth_00214.png 518.8579 +/living_room_0069a/rgb_00006.jpg /living_room_0069a/sync_depth_00006.png 518.8579 +/bookstore_0001f/rgb_00149.jpg /bookstore_0001f/sync_depth_00149.png 518.8579 +/foyer_0002/rgb_00034.jpg /foyer_0002/sync_depth_00034.png 518.8579 +/classroom_0018/rgb_00048.jpg /classroom_0018/sync_depth_00048.png 518.8579 +/kitchen_0052/rgb_00006.jpg /kitchen_0052/sync_depth_00006.png 518.8579 +/bedroom_0050/rgb_00039.jpg /bedroom_0050/sync_depth_00039.png 518.8579 +/bedroom_0035/rgb_00026.jpg /bedroom_0035/sync_depth_00026.png 518.8579 +/living_room_0018/rgb_00006.jpg /living_room_0018/sync_depth_00006.png 518.8579 +/living_room_0029/rgb_00051.jpg /living_room_0029/sync_depth_00051.png 518.8579 +/playroom_0002/rgb_00032.jpg /playroom_0002/sync_depth_00032.png 518.8579 +/bedroom_0062/rgb_00061.jpg /bedroom_0062/sync_depth_00061.png 518.8579 +/bedroom_0025/rgb_00003.jpg /bedroom_0025/sync_depth_00003.png 518.8579 +/bathroom_0011/rgb_00019.jpg /bathroom_0011/sync_depth_00019.png 518.8579 +/bedroom_0039/rgb_00034.jpg /bedroom_0039/sync_depth_00034.png 518.8579 +/kitchen_0003/rgb_00137.jpg /kitchen_0003/sync_depth_00137.png 518.8579 +/living_room_0040/rgb_00056.jpg /living_room_0040/sync_depth_00056.png 518.8579 +/kitchen_0033/rgb_00146.jpg /kitchen_0033/sync_depth_00146.png 518.8579 +/kitchen_0019b/rgb_00040.jpg /kitchen_0019b/sync_depth_00040.png 518.8579 +/living_room_0004/rgb_00125.jpg /living_room_0004/sync_depth_00125.png 518.8579 +/office_0006/rgb_00086.jpg /office_0006/sync_depth_00086.png 518.8579 +/study_0003/rgb_00052.jpg /study_0003/sync_depth_00052.png 518.8579 +/bookstore_0001e/rgb_00076.jpg /bookstore_0001e/sync_depth_00076.png 518.8579 +/dining_room_0031/rgb_00199.jpg /dining_room_0031/sync_depth_00199.png 518.8579 +/living_room_0022/rgb_00116.jpg /living_room_0022/sync_depth_00116.png 518.8579 +/living_room_0050/rgb_00003.jpg /living_room_0050/sync_depth_00003.png 518.8579 +/living_room_0005/rgb_00158.jpg /living_room_0005/sync_depth_00158.png 518.8579 +/office_0009/rgb_00072.jpg /office_0009/sync_depth_00072.png 518.8579 +/cafe_0001c/rgb_00094.jpg /cafe_0001c/sync_depth_00094.png 518.8579 +/living_room_0055/rgb_00104.jpg /living_room_0055/sync_depth_00104.png 518.8579 +/living_room_0050/rgb_00118.jpg /living_room_0050/sync_depth_00118.png 518.8579 +/kitchen_0031/rgb_00184.jpg /kitchen_0031/sync_depth_00184.png 518.8579 +/kitchen_0045a/rgb_00194.jpg /kitchen_0045a/sync_depth_00194.png 518.8579 +/bedroom_0066/rgb_00010.jpg /bedroom_0066/sync_depth_00010.png 518.8579 +/bedroom_0100/rgb_00007.jpg /bedroom_0100/sync_depth_00007.png 518.8579 +/kitchen_0028a/rgb_00036.jpg /kitchen_0028a/sync_depth_00036.png 518.8579 +/kitchen_0003/rgb_00096.jpg /kitchen_0003/sync_depth_00096.png 518.8579 +/kitchen_0019a/rgb_00011.jpg /kitchen_0019a/sync_depth_00011.png 518.8579 +/living_room_0020/rgb_00023.jpg /living_room_0020/sync_depth_00023.png 518.8579 +/bedroom_0138/rgb_00029.jpg /bedroom_0138/sync_depth_00029.png 518.8579 +/living_room_0047b/rgb_00071.jpg /living_room_0047b/sync_depth_00071.png 518.8579 +/dining_room_0028/rgb_00092.jpg /dining_room_0028/sync_depth_00092.png 518.8579 +/living_room_0019/rgb_00076.jpg /living_room_0019/sync_depth_00076.png 518.8579 +/playroom_0003/rgb_00168.jpg /playroom_0003/sync_depth_00168.png 518.8579 +/kitchen_0019a/rgb_00292.jpg /kitchen_0019a/sync_depth_00292.png 518.8579 +/student_lounge_0001/rgb_00183.jpg /student_lounge_0001/sync_depth_00183.png 518.8579 +/bedroom_0026/rgb_00048.jpg /bedroom_0026/sync_depth_00048.png 518.8579 +/furniture_store_0001d/rgb_00030.jpg /furniture_store_0001d/sync_depth_00030.png 518.8579 +/bedroom_0004/rgb_00183.jpg /bedroom_0004/sync_depth_00183.png 518.8579 +/study_0008/rgb_00016.jpg /study_0008/sync_depth_00016.png 518.8579 +/bathroom_0034/rgb_00046.jpg /bathroom_0034/sync_depth_00046.png 518.8579 +/living_room_0058/rgb_00253.jpg /living_room_0058/sync_depth_00253.png 518.8579 +/furniture_store_0001d/rgb_00049.jpg /furniture_store_0001d/sync_depth_00049.png 518.8579 +/living_room_0050/rgb_00044.jpg /living_room_0050/sync_depth_00044.png 518.8579 +/kitchen_0047/rgb_00132.jpg /kitchen_0047/sync_depth_00132.png 518.8579 +/playroom_0002/rgb_00096.jpg /playroom_0002/sync_depth_00096.png 518.8579 +/kitchen_0043/rgb_00266.jpg /kitchen_0043/sync_depth_00266.png 518.8579 +/kitchen_0053/rgb_00081.jpg /kitchen_0053/sync_depth_00081.png 518.8579 +/bedroom_0047/rgb_00023.jpg /bedroom_0047/sync_depth_00023.png 518.8579 +/living_room_0058/rgb_00029.jpg /living_room_0058/sync_depth_00029.png 518.8579 +/kitchen_0050/rgb_00182.jpg /kitchen_0050/sync_depth_00182.png 518.8579 +/kitchen_0019a/rgb_00020.jpg /kitchen_0019a/sync_depth_00020.png 518.8579 +/bookstore_0001g/rgb_00092.jpg /bookstore_0001g/sync_depth_00092.png 518.8579 +/dining_room_0031/rgb_00119.jpg /dining_room_0031/sync_depth_00119.png 518.8579 +/home_office_0005/rgb_00075.jpg /home_office_0005/sync_depth_00075.png 518.8579 +/bedroom_0053/rgb_00092.jpg /bedroom_0053/sync_depth_00092.png 518.8579 +/bookstore_0001g/rgb_00153.jpg /bookstore_0001g/sync_depth_00153.png 518.8579 +/dining_room_0034/rgb_00105.jpg /dining_room_0034/sync_depth_00105.png 518.8579 +/bedroom_0029/rgb_00015.jpg /bedroom_0029/sync_depth_00015.png 518.8579 +/kitchen_0035b/rgb_00140.jpg /kitchen_0035b/sync_depth_00140.png 518.8579 +/living_room_0083/rgb_00087.jpg /living_room_0083/sync_depth_00087.png 518.8579 +/bedroom_0036/rgb_00004.jpg /bedroom_0036/sync_depth_00004.png 518.8579 +/bathroom_0011/rgb_00048.jpg /bathroom_0011/sync_depth_00048.png 518.8579 +/dining_room_0031/rgb_00128.jpg /dining_room_0031/sync_depth_00128.png 518.8579 +/living_room_0038/rgb_00058.jpg /living_room_0038/sync_depth_00058.png 518.8579 +/home_office_0008/rgb_00017.jpg /home_office_0008/sync_depth_00017.png 518.8579 +/living_room_0082/rgb_00002.jpg /living_room_0082/sync_depth_00002.png 518.8579 +/kitchen_0051/rgb_00323.jpg /kitchen_0051/sync_depth_00323.png 518.8579 +/playroom_0002/rgb_00004.jpg /playroom_0002/sync_depth_00004.png 518.8579 +/bedroom_0033/rgb_00016.jpg /bedroom_0033/sync_depth_00016.png 518.8579 +/bookstore_0001f/rgb_00340.jpg /bookstore_0001f/sync_depth_00340.png 518.8579 +/bedroom_0097/rgb_00065.jpg /bedroom_0097/sync_depth_00065.png 518.8579 +/bedroom_0076a/rgb_00075.jpg /bedroom_0076a/sync_depth_00075.png 518.8579 +/bedroom_0041/rgb_00025.jpg /bedroom_0041/sync_depth_00025.png 518.8579 +/living_room_0086a/rgb_00075.jpg /living_room_0086a/sync_depth_00075.png 518.8579 +/office_kitchen_0001b/rgb_00003.jpg /office_kitchen_0001b/sync_depth_00003.png 518.8579 +/living_room_0019/rgb_00061.jpg /living_room_0019/sync_depth_00061.png 518.8579 +/kitchen_0053/rgb_00196.jpg /kitchen_0053/sync_depth_00196.png 518.8579 +/office_0026/rgb_00149.jpg /office_0026/sync_depth_00149.png 518.8579 +/reception_room_0002/rgb_00065.jpg /reception_room_0002/sync_depth_00065.png 518.8579 +/living_room_0011/rgb_00113.jpg /living_room_0011/sync_depth_00113.png 518.8579 +/kitchen_0047/rgb_00139.jpg /kitchen_0047/sync_depth_00139.png 518.8579 +/home_office_0004/rgb_00014.jpg /home_office_0004/sync_depth_00014.png 518.8579 +/bedroom_0017/rgb_00090.jpg /bedroom_0017/sync_depth_00090.png 518.8579 +/study_0003/rgb_00108.jpg /study_0003/sync_depth_00108.png 518.8579 +/study_0003/rgb_00041.jpg /study_0003/sync_depth_00041.png 518.8579 +/home_office_0013/rgb_00063.jpg /home_office_0013/sync_depth_00063.png 518.8579 +/dining_room_0014/rgb_00096.jpg /dining_room_0014/sync_depth_00096.png 518.8579 +/living_room_0040/rgb_00064.jpg /living_room_0040/sync_depth_00064.png 518.8579 +/student_lounge_0001/rgb_00007.jpg /student_lounge_0001/sync_depth_00007.png 518.8579 +/home_office_0006/rgb_00150.jpg /home_office_0006/sync_depth_00150.png 518.8579 +/bedroom_0025/rgb_00112.jpg /bedroom_0025/sync_depth_00112.png 518.8579 +/bedroom_0033/rgb_00158.jpg /bedroom_0033/sync_depth_00158.png 518.8579 +/kitchen_0011a/rgb_00015.jpg /kitchen_0011a/sync_depth_00015.png 518.8579 +/kitchen_0059/rgb_00092.jpg /kitchen_0059/sync_depth_00092.png 518.8579 +/living_room_0039/rgb_00082.jpg /living_room_0039/sync_depth_00082.png 518.8579 +/living_room_0039/rgb_00136.jpg /living_room_0039/sync_depth_00136.png 518.8579 +/living_room_0004/rgb_00009.jpg /living_room_0004/sync_depth_00009.png 518.8579 +/office_0019/rgb_00006.jpg /office_0019/sync_depth_00006.png 518.8579 +/bathroom_0048/rgb_00075.jpg /bathroom_0048/sync_depth_00075.png 518.8579 +/bookstore_0001f/rgb_00320.jpg /bookstore_0001f/sync_depth_00320.png 518.8579 +/bedroom_0129/rgb_00029.jpg /bedroom_0129/sync_depth_00029.png 518.8579 +/dining_room_0008/rgb_00100.jpg /dining_room_0008/sync_depth_00100.png 518.8579 +/bathroom_0028/rgb_00050.jpg /bathroom_0028/sync_depth_00050.png 518.8579 +/home_office_0008/rgb_00062.jpg /home_office_0008/sync_depth_00062.png 518.8579 +/living_room_0040/rgb_00241.jpg /living_room_0040/sync_depth_00241.png 518.8579 +/kitchen_0033/rgb_00099.jpg /kitchen_0033/sync_depth_00099.png 518.8579 +/printer_room_0001/rgb_00080.jpg /printer_room_0001/sync_depth_00080.png 518.8579 +/bookstore_0001i/rgb_00082.jpg /bookstore_0001i/sync_depth_00082.png 518.8579 +/bedroom_0020/rgb_00120.jpg /bedroom_0020/sync_depth_00120.png 518.8579 +/living_room_0022/rgb_00372.jpg /living_room_0022/sync_depth_00372.png 518.8579 +/laundry_room_0001/rgb_00046.jpg /laundry_room_0001/sync_depth_00046.png 518.8579 +/bathroom_0053/rgb_00018.jpg /bathroom_0053/sync_depth_00018.png 518.8579 +/bedroom_0033/rgb_00150.jpg /bedroom_0033/sync_depth_00150.png 518.8579 +/playroom_0004/rgb_00062.jpg /playroom_0004/sync_depth_00062.png 518.8579 +/kitchen_0052/rgb_00173.jpg /kitchen_0052/sync_depth_00173.png 518.8579 +/kitchen_0048/rgb_00243.jpg /kitchen_0048/sync_depth_00243.png 518.8579 +/living_room_0033/rgb_00061.jpg /living_room_0033/sync_depth_00061.png 518.8579 +/dining_room_0028/rgb_00058.jpg /dining_room_0028/sync_depth_00058.png 518.8579 +/bedroom_0104/rgb_00090.jpg /bedroom_0104/sync_depth_00090.png 518.8579 +/home_office_0004/rgb_00025.jpg /home_office_0004/sync_depth_00025.png 518.8579 +/bedroom_0052/rgb_00077.jpg /bedroom_0052/sync_depth_00077.png 518.8579 +/bedroom_0052/rgb_00125.jpg /bedroom_0052/sync_depth_00125.png 518.8579 +/bedroom_0069/rgb_00073.jpg /bedroom_0069/sync_depth_00073.png 518.8579 +/bedroom_0116/rgb_00001.jpg /bedroom_0116/sync_depth_00001.png 518.8579 +/bedroom_0080/rgb_00067.jpg /bedroom_0080/sync_depth_00067.png 518.8579 +/bookstore_0001f/rgb_00003.jpg /bookstore_0001f/sync_depth_00003.png 518.8579 +/living_room_0006/rgb_00020.jpg /living_room_0006/sync_depth_00020.png 518.8579 +/dining_room_0033/rgb_00089.jpg /dining_room_0033/sync_depth_00089.png 518.8579 +/dining_room_0016/rgb_00058.jpg /dining_room_0016/sync_depth_00058.png 518.8579 +/dining_room_0015/rgb_00266.jpg /dining_room_0015/sync_depth_00266.png 518.8579 +/office_0012/rgb_00019.jpg /office_0012/sync_depth_00019.png 518.8579 +/living_room_0042b/rgb_00064.jpg /living_room_0042b/sync_depth_00064.png 518.8579 +/bedroom_0124/rgb_00015.jpg /bedroom_0124/sync_depth_00015.png 518.8579 +/bedroom_0051/rgb_00179.jpg /bedroom_0051/sync_depth_00179.png 518.8579 +/bathroom_0007/rgb_00051.jpg /bathroom_0007/sync_depth_00051.png 518.8579 +/bookstore_0001e/rgb_00109.jpg /bookstore_0001e/sync_depth_00109.png 518.8579 +/bookstore_0001f/rgb_00291.jpg /bookstore_0001f/sync_depth_00291.png 518.8579 +/bedroom_0059/rgb_00093.jpg /bedroom_0059/sync_depth_00093.png 518.8579 +/bedroom_0051/rgb_00094.jpg /bedroom_0051/sync_depth_00094.png 518.8579 +/study_room_0004/rgb_00175.jpg /study_room_0004/sync_depth_00175.png 518.8579 +/dining_room_0023/rgb_00094.jpg /dining_room_0023/sync_depth_00094.png 518.8579 +/kitchen_0060/rgb_00136.jpg /kitchen_0060/sync_depth_00136.png 518.8579 +/bathroom_0001/rgb_00009.jpg /bathroom_0001/sync_depth_00009.png 518.8579 +/bookstore_0001g/rgb_00264.jpg /bookstore_0001g/sync_depth_00264.png 518.8579 +/dining_room_0019/rgb_00141.jpg /dining_room_0019/sync_depth_00141.png 518.8579 +/kitchen_0028b/rgb_00044.jpg /kitchen_0028b/sync_depth_00044.png 518.8579 +/kitchen_0053/rgb_00050.jpg /kitchen_0053/sync_depth_00050.png 518.8579 +/furniture_store_0001d/rgb_00134.jpg /furniture_store_0001d/sync_depth_00134.png 518.8579 +/kitchen_0033/rgb_00059.jpg /kitchen_0033/sync_depth_00059.png 518.8579 +/cafe_0001c/rgb_00110.jpg /cafe_0001c/sync_depth_00110.png 518.8579 +/kitchen_0049/rgb_00018.jpg /kitchen_0049/sync_depth_00018.png 518.8579 +/living_room_0069a/rgb_00061.jpg /living_room_0069a/sync_depth_00061.png 518.8579 +/kitchen_0029b/rgb_00055.jpg /kitchen_0029b/sync_depth_00055.png 518.8579 +/dinette_0001/rgb_00044.jpg /dinette_0001/sync_depth_00044.png 518.8579 +/living_room_0029/rgb_00035.jpg /living_room_0029/sync_depth_00035.png 518.8579 +/bedroom_0050/rgb_00094.jpg /bedroom_0050/sync_depth_00094.png 518.8579 +/office_0026/rgb_00126.jpg /office_0026/sync_depth_00126.png 518.8579 +/study_0003/rgb_00094.jpg /study_0003/sync_depth_00094.png 518.8579 +/bookstore_0001h/rgb_00116.jpg /bookstore_0001h/sync_depth_00116.png 518.8579 +/living_room_0010/rgb_00245.jpg /living_room_0010/sync_depth_00245.png 518.8579 +/living_room_0039/rgb_00075.jpg /living_room_0039/sync_depth_00075.png 518.8579 +/living_room_0020/rgb_00168.jpg /living_room_0020/sync_depth_00168.png 518.8579 +/bathroom_0010/rgb_00057.jpg /bathroom_0010/sync_depth_00057.png 518.8579 +/kitchen_0029a/rgb_00004.jpg /kitchen_0029a/sync_depth_00004.png 518.8579 +/study_0003/rgb_00119.jpg /study_0003/sync_depth_00119.png 518.8579 +/living_room_0062/rgb_00137.jpg /living_room_0062/sync_depth_00137.png 518.8579 +/furniture_store_0001a/rgb_00032.jpg /furniture_store_0001a/sync_depth_00032.png 518.8579 +/bedroom_0050/rgb_00157.jpg /bedroom_0050/sync_depth_00157.png 518.8579 +/dining_room_0034/rgb_00054.jpg /dining_room_0034/sync_depth_00054.png 518.8579 +/dining_room_0016/rgb_00065.jpg /dining_room_0016/sync_depth_00065.png 518.8579 +/bookstore_0001j/rgb_00286.jpg /bookstore_0001j/sync_depth_00286.png 518.8579 +/living_room_0047b/rgb_00169.jpg /living_room_0047b/sync_depth_00169.png 518.8579 +/nyu_office_0/rgb_00330.jpg /nyu_office_0/sync_depth_00330.png 518.8579 +/kitchen_0050/rgb_00138.jpg /kitchen_0050/sync_depth_00138.png 518.8579 +/playroom_0006/rgb_00003.jpg /playroom_0006/sync_depth_00003.png 518.8579 +/living_room_0068/rgb_00028.jpg /living_room_0068/sync_depth_00028.png 518.8579 +/bathroom_0019/rgb_00055.jpg /bathroom_0019/sync_depth_00055.png 518.8579 +/excercise_room_0001/rgb_00005.jpg /excercise_room_0001/sync_depth_00005.png 518.8579 +/conference_room_0001/rgb_00070.jpg /conference_room_0001/sync_depth_00070.png 518.8579 +/playroom_0002/rgb_00027.jpg /playroom_0002/sync_depth_00027.png 518.8579 +/office_0025/rgb_00031.jpg /office_0025/sync_depth_00031.png 518.8579 +/dining_room_0015/rgb_00236.jpg /dining_room_0015/sync_depth_00236.png 518.8579 +/kitchen_0028b/rgb_00080.jpg /kitchen_0028b/sync_depth_00080.png 518.8579 +/bookstore_0001j/rgb_00227.jpg /bookstore_0001j/sync_depth_00227.png 518.8579 +/living_room_0005/rgb_00083.jpg /living_room_0005/sync_depth_00083.png 518.8579 +/living_room_0047b/rgb_00017.jpg /living_room_0047b/sync_depth_00017.png 518.8579 +/bedroom_0126/rgb_00002.jpg /bedroom_0126/sync_depth_00002.png 518.8579 +/bedroom_0057/rgb_00022.jpg /bedroom_0057/sync_depth_00022.png 518.8579 +/living_room_0055/rgb_00024.jpg /living_room_0055/sync_depth_00024.png 518.8579 +/dining_room_0019/rgb_00057.jpg /dining_room_0019/sync_depth_00057.png 518.8579 +/bedroom_0056a/rgb_00004.jpg /bedroom_0056a/sync_depth_00004.png 518.8579 +/dining_room_0010/rgb_00016.jpg /dining_room_0010/sync_depth_00016.png 518.8579 +/bathroom_0030/rgb_00002.jpg /bathroom_0030/sync_depth_00002.png 518.8579 +/bathroom_0050/rgb_00006.jpg /bathroom_0050/sync_depth_00006.png 518.8579 +/bedroom_0136/rgb_00029.jpg /bedroom_0136/sync_depth_00029.png 518.8579 +/playroom_0003/rgb_00076.jpg /playroom_0003/sync_depth_00076.png 518.8579 +/nyu_office_0/rgb_00379.jpg /nyu_office_0/sync_depth_00379.png 518.8579 +/office_0011/rgb_00167.jpg /office_0011/sync_depth_00167.png 518.8579 +/dining_room_0001b/rgb_00083.jpg /dining_room_0001b/sync_depth_00083.png 518.8579 +/dining_room_0012/rgb_00081.jpg /dining_room_0012/sync_depth_00081.png 518.8579 +/kitchen_0045b/rgb_00096.jpg /kitchen_0045b/sync_depth_00096.png 518.8579 +/study_0004/rgb_00032.jpg /study_0004/sync_depth_00032.png 518.8579 +/kitchen_0029c/rgb_00149.jpg /kitchen_0029c/sync_depth_00149.png 518.8579 +/kitchen_0050/rgb_00002.jpg /kitchen_0050/sync_depth_00002.png 518.8579 +/furniture_store_0002a/rgb_00232.jpg /furniture_store_0002a/sync_depth_00232.png 518.8579 +/dining_room_0028/rgb_00023.jpg /dining_room_0028/sync_depth_00023.png 518.8579 +/bookstore_0001j/rgb_00292.jpg /bookstore_0001j/sync_depth_00292.png 518.8579 +/living_room_0058/rgb_00065.jpg /living_room_0058/sync_depth_00065.png 518.8579 +/dining_room_0034/rgb_00076.jpg /dining_room_0034/sync_depth_00076.png 518.8579 +/living_room_0062/rgb_00119.jpg /living_room_0062/sync_depth_00119.png 518.8579 +/bedroom_0020/rgb_00039.jpg /bedroom_0020/sync_depth_00039.png 518.8579 +/dining_room_0001b/rgb_00075.jpg /dining_room_0001b/sync_depth_00075.png 518.8579 +/bedroom_0040/rgb_00043.jpg /bedroom_0040/sync_depth_00043.png 518.8579 +/home_office_0004/rgb_00180.jpg /home_office_0004/sync_depth_00180.png 518.8579 +/bathroom_0035/rgb_00004.jpg /bathroom_0035/sync_depth_00004.png 518.8579 +/dining_room_0031/rgb_00064.jpg /dining_room_0031/sync_depth_00064.png 518.8579 +/playroom_0002/rgb_00157.jpg /playroom_0002/sync_depth_00157.png 518.8579 +/bedroom_0016/rgb_00004.jpg /bedroom_0016/sync_depth_00004.png 518.8579 +/kitchen_0053/rgb_00042.jpg /kitchen_0053/sync_depth_00042.png 518.8579 +/living_room_0050/rgb_00254.jpg /living_room_0050/sync_depth_00254.png 518.8579 +/kitchen_0051/rgb_00081.jpg /kitchen_0051/sync_depth_00081.png 518.8579 +/living_room_0050/rgb_00015.jpg /living_room_0050/sync_depth_00015.png 518.8579 +/bedroom_0053/rgb_00027.jpg /bedroom_0053/sync_depth_00027.png 518.8579 +/bedroom_0086/rgb_00056.jpg /bedroom_0086/sync_depth_00056.png 518.8579 +/bedroom_0076a/rgb_00217.jpg /bedroom_0076a/sync_depth_00217.png 518.8579 +/bedroom_0126/rgb_00031.jpg /bedroom_0126/sync_depth_00031.png 518.8579 +/kitchen_0010/rgb_00042.jpg /kitchen_0010/sync_depth_00042.png 518.8579 +/kitchen_0060/rgb_00047.jpg /kitchen_0060/sync_depth_00047.png 518.8579 +/home_office_0008/rgb_00100.jpg /home_office_0008/sync_depth_00100.png 518.8579 +/kitchen_0048/rgb_00004.jpg /kitchen_0048/sync_depth_00004.png 518.8579 +/living_room_0050/rgb_00195.jpg /living_room_0050/sync_depth_00195.png 518.8579 +/furniture_store_0001d/rgb_00101.jpg /furniture_store_0001d/sync_depth_00101.png 518.8579 +/office_0024/rgb_00007.jpg /office_0024/sync_depth_00007.png 518.8579 +/dining_room_0023/rgb_00113.jpg /dining_room_0023/sync_depth_00113.png 518.8579 +/living_room_0040/rgb_00210.jpg /living_room_0040/sync_depth_00210.png 518.8579 +/bedroom_0039/rgb_00016.jpg /bedroom_0039/sync_depth_00016.png 518.8579 +/bedroom_0025/rgb_00019.jpg /bedroom_0025/sync_depth_00019.png 518.8579 +/classroom_0010/rgb_00060.jpg /classroom_0010/sync_depth_00060.png 518.8579 +/bookstore_0001j/rgb_00250.jpg /bookstore_0001j/sync_depth_00250.png 518.8579 +/bedroom_0017/rgb_00082.jpg /bedroom_0017/sync_depth_00082.png 518.8579 +/dining_room_0001b/rgb_00216.jpg /dining_room_0001b/sync_depth_00216.png 518.8579 +/kitchen_0028a/rgb_00152.jpg /kitchen_0028a/sync_depth_00152.png 518.8579 +/living_room_0022/rgb_00000.jpg /living_room_0022/sync_depth_00000.png 518.8579 +/living_room_0020/rgb_00146.jpg /living_room_0020/sync_depth_00146.png 518.8579 +/bathroom_0051/rgb_00041.jpg /bathroom_0051/sync_depth_00041.png 518.8579 +/bedroom_0098/rgb_00070.jpg /bedroom_0098/sync_depth_00070.png 518.8579 +/bedroom_0106/rgb_00061.jpg /bedroom_0106/sync_depth_00061.png 518.8579 +/dining_room_0001b/rgb_00019.jpg /dining_room_0001b/sync_depth_00019.png 518.8579 +/furniture_store_0001d/rgb_00140.jpg /furniture_store_0001d/sync_depth_00140.png 518.8579 +/kitchen_0050/rgb_00046.jpg /kitchen_0050/sync_depth_00046.png 518.8579 +/dining_room_0033/rgb_00045.jpg /dining_room_0033/sync_depth_00045.png 518.8579 +/living_room_0040/rgb_00215.jpg /living_room_0040/sync_depth_00215.png 518.8579 +/furniture_store_0002a/rgb_00382.jpg /furniture_store_0002a/sync_depth_00382.png 518.8579 +/bookstore_0001f/rgb_00159.jpg /bookstore_0001f/sync_depth_00159.png 518.8579 +/bookstore_0001f/rgb_00308.jpg /bookstore_0001f/sync_depth_00308.png 518.8579 +/living_room_0063/rgb_00053.jpg /living_room_0063/sync_depth_00053.png 518.8579 +/student_lounge_0001/rgb_00141.jpg /student_lounge_0001/sync_depth_00141.png 518.8579 +/bathroom_0002/rgb_00015.jpg /bathroom_0002/sync_depth_00015.png 518.8579 +/dining_room_0033/rgb_00128.jpg /dining_room_0033/sync_depth_00128.png 518.8579 +/bedroom_0138/rgb_00019.jpg /bedroom_0138/sync_depth_00019.png 518.8579 +/living_room_0004/rgb_00108.jpg /living_room_0004/sync_depth_00108.png 518.8579 +/classroom_0005/rgb_00030.jpg /classroom_0005/sync_depth_00030.png 518.8579 +/dining_room_0013/rgb_00081.jpg /dining_room_0013/sync_depth_00081.png 518.8579 +/dining_room_0031/rgb_00194.jpg /dining_room_0031/sync_depth_00194.png 518.8579 +/kitchen_0048/rgb_00144.jpg /kitchen_0048/sync_depth_00144.png 518.8579 +/dining_room_0012/rgb_00060.jpg /dining_room_0012/sync_depth_00060.png 518.8579 +/bathroom_0019/rgb_00022.jpg /bathroom_0019/sync_depth_00022.png 518.8579 +/home_office_0004/rgb_00022.jpg /home_office_0004/sync_depth_00022.png 518.8579 +/kitchen_0050/rgb_00129.jpg /kitchen_0050/sync_depth_00129.png 518.8579 +/bathroom_0019/rgb_00074.jpg /bathroom_0019/sync_depth_00074.png 518.8579 +/office_0004/rgb_00026.jpg /office_0004/sync_depth_00026.png 518.8579 +/classroom_0006/rgb_00025.jpg /classroom_0006/sync_depth_00025.png 518.8579 +/classroom_0022/rgb_00017.jpg /classroom_0022/sync_depth_00017.png 518.8579 +/kitchen_0037/rgb_00118.jpg /kitchen_0037/sync_depth_00118.png 518.8579 +/dining_room_0007/rgb_00149.jpg /dining_room_0007/sync_depth_00149.png 518.8579 +/living_room_0022/rgb_00146.jpg /living_room_0022/sync_depth_00146.png 518.8579 +/office_0006/rgb_00023.jpg /office_0006/sync_depth_00023.png 518.8579 +/kitchen_0031/rgb_00179.jpg /kitchen_0031/sync_depth_00179.png 518.8579 +/kitchen_0047/rgb_00008.jpg /kitchen_0047/sync_depth_00008.png 518.8579 +/living_room_0005/rgb_00041.jpg /living_room_0005/sync_depth_00041.png 518.8579 +/kitchen_0031/rgb_00077.jpg /kitchen_0031/sync_depth_00077.png 518.8579 +/bedroom_0097/rgb_00022.jpg /bedroom_0097/sync_depth_00022.png 518.8579 +/bathroom_0041/rgb_00069.jpg /bathroom_0041/sync_depth_00069.png 518.8579 +/furniture_store_0001a/rgb_00016.jpg /furniture_store_0001a/sync_depth_00016.png 518.8579 +/furniture_store_0001b/rgb_00048.jpg /furniture_store_0001b/sync_depth_00048.png 518.8579 +/kitchen_0035b/rgb_00018.jpg /kitchen_0035b/sync_depth_00018.png 518.8579 +/bathroom_0014a/rgb_00021.jpg /bathroom_0014a/sync_depth_00021.png 518.8579 +/kitchen_0049/rgb_00082.jpg /kitchen_0049/sync_depth_00082.png 518.8579 +/bathroom_0053/rgb_00044.jpg /bathroom_0053/sync_depth_00044.png 518.8579 +/laundry_room_0001/rgb_00027.jpg /laundry_room_0001/sync_depth_00027.png 518.8579 +/living_room_0032/rgb_00014.jpg /living_room_0032/sync_depth_00014.png 518.8579 +/bookstore_0001h/rgb_00160.jpg /bookstore_0001h/sync_depth_00160.png 518.8579 +/bedroom_0120/rgb_00042.jpg /bedroom_0120/sync_depth_00042.png 518.8579 +/living_room_0012/rgb_00101.jpg /living_room_0012/sync_depth_00101.png 518.8579 +/bathroom_0035/rgb_00027.jpg /bathroom_0035/sync_depth_00027.png 518.8579 +/office_0006/rgb_00010.jpg /office_0006/sync_depth_00010.png 518.8579 +/office_kitchen_0003/rgb_00074.jpg /office_kitchen_0003/sync_depth_00074.png 518.8579 +/kitchen_0019a/rgb_00275.jpg /kitchen_0019a/sync_depth_00275.png 518.8579 +/kitchen_0029a/rgb_00010.jpg /kitchen_0029a/sync_depth_00010.png 518.8579 +/playroom_0006/rgb_00001.jpg /playroom_0006/sync_depth_00001.png 518.8579 +/kitchen_0053/rgb_00122.jpg /kitchen_0053/sync_depth_00122.png 518.8579 +/bedroom_0063/rgb_00120.jpg /bedroom_0063/sync_depth_00120.png 518.8579 +/kitchen_0029b/rgb_00030.jpg /kitchen_0029b/sync_depth_00030.png 518.8579 +/bedroom_0125b/rgb_00033.jpg /bedroom_0125b/sync_depth_00033.png 518.8579 +/dining_room_0024/rgb_00146.jpg /dining_room_0024/sync_depth_00146.png 518.8579 +/bedroom_0019/rgb_00093.jpg /bedroom_0019/sync_depth_00093.png 518.8579 +/dining_room_0034/rgb_00010.jpg /dining_room_0034/sync_depth_00010.png 518.8579 +/living_room_0035/rgb_00073.jpg /living_room_0035/sync_depth_00073.png 518.8579 +/living_room_0083/rgb_00058.jpg /living_room_0083/sync_depth_00058.png 518.8579 +/kitchen_0051/rgb_00100.jpg /kitchen_0051/sync_depth_00100.png 518.8579 +/living_room_0068/rgb_00052.jpg /living_room_0068/sync_depth_00052.png 518.8579 +/living_room_0011/rgb_00086.jpg /living_room_0011/sync_depth_00086.png 518.8579 +/conference_room_0001/rgb_00076.jpg /conference_room_0001/sync_depth_00076.png 518.8579 +/bookstore_0001d/rgb_00179.jpg /bookstore_0001d/sync_depth_00179.png 518.8579 +/living_room_0022/rgb_00351.jpg /living_room_0022/sync_depth_00351.png 518.8579 +/playroom_0006/rgb_00016.jpg /playroom_0006/sync_depth_00016.png 518.8579 +/bedroom_0081/rgb_00048.jpg /bedroom_0081/sync_depth_00048.png 518.8579 +/classroom_0022/rgb_00026.jpg /classroom_0022/sync_depth_00026.png 518.8579 +/bathroom_0033/rgb_00026.jpg /bathroom_0033/sync_depth_00026.png 518.8579 +/dining_room_0010/rgb_00076.jpg /dining_room_0010/sync_depth_00076.png 518.8579 +/bedroom_0040/rgb_00034.jpg /bedroom_0040/sync_depth_00034.png 518.8579 +/dining_room_0024/rgb_00148.jpg /dining_room_0024/sync_depth_00148.png 518.8579 +/furniture_store_0002b/rgb_00151.jpg /furniture_store_0002b/sync_depth_00151.png 518.8579 +/kitchen_0052/rgb_00131.jpg /kitchen_0052/sync_depth_00131.png 518.8579 +/kitchen_0006/rgb_00016.jpg /kitchen_0006/sync_depth_00016.png 518.8579 +/living_room_0083/rgb_00090.jpg /living_room_0083/sync_depth_00090.png 518.8579 +/dining_room_0016/rgb_00144.jpg /dining_room_0016/sync_depth_00144.png 518.8579 +/bedroom_0016/rgb_00094.jpg /bedroom_0016/sync_depth_00094.png 518.8579 +/nyu_office_0/rgb_00320.jpg /nyu_office_0/sync_depth_00320.png 518.8579 +/bedroom_0106/rgb_00102.jpg /bedroom_0106/sync_depth_00102.png 518.8579 +/bedroom_0065/rgb_00008.jpg /bedroom_0065/sync_depth_00008.png 518.8579 +/bedroom_0063/rgb_00095.jpg /bedroom_0063/sync_depth_00095.png 518.8579 +/living_room_0035/rgb_00089.jpg /living_room_0035/sync_depth_00089.png 518.8579 +/bedroom_0010/rgb_00011.jpg /bedroom_0010/sync_depth_00011.png 518.8579 +/kitchen_0048/rgb_00241.jpg /kitchen_0048/sync_depth_00241.png 518.8579 +/living_room_0086b/rgb_00009.jpg /living_room_0086b/sync_depth_00009.png 518.8579 +/office_0026/rgb_00137.jpg /office_0026/sync_depth_00137.png 518.8579 +/bedroom_0033/rgb_00019.jpg /bedroom_0033/sync_depth_00019.png 518.8579 +/excercise_room_0001/rgb_00034.jpg /excercise_room_0001/sync_depth_00034.png 518.8579 +/study_0004/rgb_00016.jpg /study_0004/sync_depth_00016.png 518.8579 +/study_room_0005b/rgb_00045.jpg /study_room_0005b/sync_depth_00045.png 518.8579 +/living_room_0010/rgb_00180.jpg /living_room_0010/sync_depth_00180.png 518.8579 +/bedroom_0076a/rgb_00185.jpg /bedroom_0076a/sync_depth_00185.png 518.8579 +/bookstore_0001d/rgb_00093.jpg /bookstore_0001d/sync_depth_00093.png 518.8579 +/kitchen_0035b/rgb_00031.jpg /kitchen_0035b/sync_depth_00031.png 518.8579 +/bedroom_0004/rgb_00148.jpg /bedroom_0004/sync_depth_00148.png 518.8579 +/bedroom_0079/rgb_00034.jpg /bedroom_0079/sync_depth_00034.png 518.8579 +/living_room_0047b/rgb_00044.jpg /living_room_0047b/sync_depth_00044.png 518.8579 +/office_0024/rgb_00001.jpg /office_0024/sync_depth_00001.png 518.8579 +/bedroom_0106/rgb_00135.jpg /bedroom_0106/sync_depth_00135.png 518.8579 +/bedroom_0136/rgb_00077.jpg /bedroom_0136/sync_depth_00077.png 518.8579 +/office_0025/rgb_00026.jpg /office_0025/sync_depth_00026.png 518.8579 +/classroom_0006/rgb_00122.jpg /classroom_0006/sync_depth_00122.png 518.8579 +/nyu_office_0/rgb_00224.jpg /nyu_office_0/sync_depth_00224.png 518.8579 +/bathroom_0033/rgb_00036.jpg /bathroom_0033/sync_depth_00036.png 518.8579 +/bedroom_0004/rgb_00035.jpg /bedroom_0004/sync_depth_00035.png 518.8579 +/living_room_0062/rgb_00147.jpg /living_room_0062/sync_depth_00147.png 518.8579 +/computer_lab_0002/rgb_00024.jpg /computer_lab_0002/sync_depth_00024.png 518.8579 +/bedroom_0056a/rgb_00047.jpg /bedroom_0056a/sync_depth_00047.png 518.8579 +/study_room_0005b/rgb_00067.jpg /study_room_0005b/sync_depth_00067.png 518.8579 +/bedroom_0015/rgb_00041.jpg /bedroom_0015/sync_depth_00041.png 518.8579 +/basement_0001a/rgb_00154.jpg /basement_0001a/sync_depth_00154.png 518.8579 +/bedroom_0004/rgb_00120.jpg /bedroom_0004/sync_depth_00120.png 518.8579 +/bedroom_0096/rgb_00075.jpg /bedroom_0096/sync_depth_00075.png 518.8579 +/furniture_store_0002a/rgb_00162.jpg /furniture_store_0002a/sync_depth_00162.png 518.8579 +/bedroom_0020/rgb_00080.jpg /bedroom_0020/sync_depth_00080.png 518.8579 +/bedroom_0106/rgb_00134.jpg /bedroom_0106/sync_depth_00134.png 518.8579 +/dining_room_0029/rgb_00105.jpg /dining_room_0029/sync_depth_00105.png 518.8579 +/living_room_0046a/rgb_00042.jpg /living_room_0046a/sync_depth_00042.png 518.8579 +/living_room_0020/rgb_00006.jpg /living_room_0020/sync_depth_00006.png 518.8579 +/living_room_0019/rgb_00226.jpg /living_room_0019/sync_depth_00226.png 518.8579 +/bedroom_0066/rgb_00012.jpg /bedroom_0066/sync_depth_00012.png 518.8579 +/living_room_0046b/rgb_00065.jpg /living_room_0046b/sync_depth_00065.png 518.8579 +/dining_room_0034/rgb_00175.jpg /dining_room_0034/sync_depth_00175.png 518.8579 +/bedroom_0113/rgb_00072.jpg /bedroom_0113/sync_depth_00072.png 518.8579 +/bookstore_0001i/rgb_00007.jpg /bookstore_0001i/sync_depth_00007.png 518.8579 +/living_room_0078/rgb_00060.jpg /living_room_0078/sync_depth_00060.png 518.8579 +/bookstore_0001f/rgb_00144.jpg /bookstore_0001f/sync_depth_00144.png 518.8579 +/living_room_0046b/rgb_00100.jpg /living_room_0046b/sync_depth_00100.png 518.8579 +/kitchen_0045a/rgb_00137.jpg /kitchen_0045a/sync_depth_00137.png 518.8579 +/living_room_0029/rgb_00057.jpg /living_room_0029/sync_depth_00057.png 518.8579 +/kitchen_0045b/rgb_00004.jpg /kitchen_0045b/sync_depth_00004.png 518.8579 +/bedroom_0057/rgb_00019.jpg /bedroom_0057/sync_depth_00019.png 518.8579 +/living_room_0033/rgb_00046.jpg /living_room_0033/sync_depth_00046.png 518.8579 +/furniture_store_0002a/rgb_00147.jpg /furniture_store_0002a/sync_depth_00147.png 518.8579 +/living_room_0011/rgb_00137.jpg /living_room_0011/sync_depth_00137.png 518.8579 +/living_room_0069a/rgb_00065.jpg /living_room_0069a/sync_depth_00065.png 518.8579 +/living_room_0050/rgb_00002.jpg /living_room_0050/sync_depth_00002.png 518.8579 +/furniture_store_0001c/rgb_00018.jpg /furniture_store_0001c/sync_depth_00018.png 518.8579 +/bookstore_0001e/rgb_00231.jpg /bookstore_0001e/sync_depth_00231.png 518.8579 +/kitchen_0051/rgb_00056.jpg /kitchen_0051/sync_depth_00056.png 518.8579 +/bathroom_0039/rgb_00007.jpg /bathroom_0039/sync_depth_00007.png 518.8579 +/classroom_0011/rgb_00049.jpg /classroom_0011/sync_depth_00049.png 518.8579 +/bookstore_0001j/rgb_00036.jpg /bookstore_0001j/sync_depth_00036.png 518.8579 +/living_room_0085/rgb_00036.jpg /living_room_0085/sync_depth_00036.png 518.8579 +/bathroom_0028/rgb_00138.jpg /bathroom_0028/sync_depth_00138.png 518.8579 +/dining_room_0012/rgb_00044.jpg /dining_room_0012/sync_depth_00044.png 518.8579 +/kitchen_0049/rgb_00087.jpg /kitchen_0049/sync_depth_00087.png 518.8579 +/study_room_0005b/rgb_00035.jpg /study_room_0005b/sync_depth_00035.png 518.8579 +/study_room_0005b/rgb_00055.jpg /study_room_0005b/sync_depth_00055.png 518.8579 +/kitchen_0060/rgb_00053.jpg /kitchen_0060/sync_depth_00053.png 518.8579 +/reception_room_0001a/rgb_00093.jpg /reception_room_0001a/sync_depth_00093.png 518.8579 +/bathroom_0006/rgb_00002.jpg /bathroom_0006/sync_depth_00002.png 518.8579 +/bedroom_0072/rgb_00002.jpg /bedroom_0072/sync_depth_00002.png 518.8579 +/bookstore_0001f/rgb_00375.jpg /bookstore_0001f/sync_depth_00375.png 518.8579 +/kitchen_0043/rgb_00006.jpg /kitchen_0043/sync_depth_00006.png 518.8579 +/basement_0001a/rgb_00075.jpg /basement_0001a/sync_depth_00075.png 518.8579 +/study_0006/rgb_00022.jpg /study_0006/sync_depth_00022.png 518.8579 +/study_room_0004/rgb_00117.jpg /study_room_0004/sync_depth_00117.png 518.8579 +/bookstore_0001i/rgb_00048.jpg /bookstore_0001i/sync_depth_00048.png 518.8579 +/bathroom_0034/rgb_00039.jpg /bathroom_0034/sync_depth_00039.png 518.8579 +/living_room_0046a/rgb_00062.jpg /living_room_0046a/sync_depth_00062.png 518.8579 +/kitchen_0043/rgb_00253.jpg /kitchen_0043/sync_depth_00253.png 518.8579 +/bedroom_0021/rgb_00102.jpg /bedroom_0021/sync_depth_00102.png 518.8579 +/nyu_office_1/rgb_00026.jpg /nyu_office_1/sync_depth_00026.png 518.8579 +/bookstore_0001f/rgb_00284.jpg /bookstore_0001f/sync_depth_00284.png 518.8579 +/nyu_office_1/rgb_00028.jpg /nyu_office_1/sync_depth_00028.png 518.8579 +/bedroom_0021/rgb_00020.jpg /bedroom_0021/sync_depth_00020.png 518.8579 +/living_room_0047b/rgb_00149.jpg /living_room_0047b/sync_depth_00149.png 518.8579 +/bedroom_0014/rgb_00061.jpg /bedroom_0014/sync_depth_00061.png 518.8579 +/kitchen_0028b/rgb_00022.jpg /kitchen_0028b/sync_depth_00022.png 518.8579 +/dining_room_0016/rgb_00011.jpg /dining_room_0016/sync_depth_00011.png 518.8579 +/excercise_room_0001/rgb_00037.jpg /excercise_room_0001/sync_depth_00037.png 518.8579 +/living_room_0058/rgb_00075.jpg /living_room_0058/sync_depth_00075.png 518.8579 +/living_room_0018/rgb_00219.jpg /living_room_0018/sync_depth_00219.png 518.8579 +/kitchen_0016/rgb_00017.jpg /kitchen_0016/sync_depth_00017.png 518.8579 +/study_0004/rgb_00009.jpg /study_0004/sync_depth_00009.png 518.8579 +/dining_room_0001b/rgb_00213.jpg /dining_room_0001b/sync_depth_00213.png 518.8579 +/bedroom_0056a/rgb_00012.jpg /bedroom_0056a/sync_depth_00012.png 518.8579 +/bookstore_0001i/rgb_00123.jpg /bookstore_0001i/sync_depth_00123.png 518.8579 +/kitchen_0049/rgb_00071.jpg /kitchen_0049/sync_depth_00071.png 518.8579 +/foyer_0002/rgb_00028.jpg /foyer_0002/sync_depth_00028.png 518.8579 +/kitchen_0053/rgb_00026.jpg /kitchen_0053/sync_depth_00026.png 518.8579 +/cafe_0001b/rgb_00055.jpg /cafe_0001b/sync_depth_00055.png 518.8579 +/reception_room_0001b/rgb_00099.jpg /reception_room_0001b/sync_depth_00099.png 518.8579 +/dining_room_0023/rgb_00173.jpg /dining_room_0023/sync_depth_00173.png 518.8579 +/bookstore_0001g/rgb_00159.jpg /bookstore_0001g/sync_depth_00159.png 518.8579 +/kitchen_0028a/rgb_00191.jpg /kitchen_0028a/sync_depth_00191.png 518.8579 +/playroom_0006/rgb_00088.jpg /playroom_0006/sync_depth_00088.png 518.8579 +/bathroom_0014a/rgb_00013.jpg /bathroom_0014a/sync_depth_00013.png 518.8579 +/cafe_0001b/rgb_00010.jpg /cafe_0001b/sync_depth_00010.png 518.8579 +/bathroom_0049/rgb_00034.jpg /bathroom_0049/sync_depth_00034.png 518.8579 +/living_room_0067/rgb_00058.jpg /living_room_0067/sync_depth_00058.png 518.8579 +/living_room_0058/rgb_00110.jpg /living_room_0058/sync_depth_00110.png 518.8579 +/nyu_office_0/rgb_00210.jpg /nyu_office_0/sync_depth_00210.png 518.8579 +/kitchen_0041/rgb_00032.jpg /kitchen_0041/sync_depth_00032.png 518.8579 +/foyer_0002/rgb_00023.jpg /foyer_0002/sync_depth_00023.png 518.8579 +/living_room_0037/rgb_00023.jpg /living_room_0037/sync_depth_00023.png 518.8579 +/kitchen_0019a/rgb_00172.jpg /kitchen_0019a/sync_depth_00172.png 518.8579 +/conference_room_0001/rgb_00029.jpg /conference_room_0001/sync_depth_00029.png 518.8579 +/bathroom_0006/rgb_00000.jpg /bathroom_0006/sync_depth_00000.png 518.8579 +/bookstore_0001j/rgb_00121.jpg /bookstore_0001j/sync_depth_00121.png 518.8579 +/living_room_0055/rgb_00110.jpg /living_room_0055/sync_depth_00110.png 518.8579 +/kitchen_0031/rgb_00063.jpg /kitchen_0031/sync_depth_00063.png 518.8579 +/bathroom_0019/rgb_00053.jpg /bathroom_0019/sync_depth_00053.png 518.8579 +/furniture_store_0001d/rgb_00211.jpg /furniture_store_0001d/sync_depth_00211.png 518.8579 +/bedroom_0125b/rgb_00014.jpg /bedroom_0125b/sync_depth_00014.png 518.8579 +/dining_room_0031/rgb_00411.jpg /dining_room_0031/sync_depth_00411.png 518.8579 +/dining_room_0015/rgb_00178.jpg /dining_room_0015/sync_depth_00178.png 518.8579 +/bookstore_0001h/rgb_00077.jpg /bookstore_0001h/sync_depth_00077.png 518.8579 +/bedroom_0078/rgb_00148.jpg /bedroom_0078/sync_depth_00148.png 518.8579 +/bedroom_0082/rgb_00020.jpg /bedroom_0082/sync_depth_00020.png 518.8579 +/bedroom_0041/rgb_00075.jpg /bedroom_0041/sync_depth_00075.png 518.8579 +/dining_room_0001b/rgb_00204.jpg /dining_room_0001b/sync_depth_00204.png 518.8579 +/dining_room_0029/rgb_00010.jpg /dining_room_0029/sync_depth_00010.png 518.8579 +/bedroom_0086/rgb_00001.jpg /bedroom_0086/sync_depth_00001.png 518.8579 +/kitchen_0052/rgb_00046.jpg /kitchen_0052/sync_depth_00046.png 518.8579 +/bathroom_0005/rgb_00021.jpg /bathroom_0005/sync_depth_00021.png 518.8579 +/basement_0001a/rgb_00188.jpg /basement_0001a/sync_depth_00188.png 518.8579 +/bedroom_0004/rgb_00136.jpg /bedroom_0004/sync_depth_00136.png 518.8579 +/living_room_0018/rgb_00111.jpg /living_room_0018/sync_depth_00111.png 518.8579 +/living_room_0068/rgb_00065.jpg /living_room_0068/sync_depth_00065.png 518.8579 +/bathroom_0028/rgb_00056.jpg /bathroom_0028/sync_depth_00056.png 518.8579 +/bedroom_0047/rgb_00066.jpg /bedroom_0047/sync_depth_00066.png 518.8579 +/living_room_0004/rgb_00018.jpg /living_room_0004/sync_depth_00018.png 518.8579 +/office_0026/rgb_00185.jpg /office_0026/sync_depth_00185.png 518.8579 +/bookstore_0001f/rgb_00107.jpg /bookstore_0001f/sync_depth_00107.png 518.8579 +/dining_room_0016/rgb_00041.jpg /dining_room_0016/sync_depth_00041.png 518.8579 +/bedroom_0129/rgb_00036.jpg /bedroom_0129/sync_depth_00036.png 518.8579 +/dining_room_0007/rgb_00194.jpg /dining_room_0007/sync_depth_00194.png 518.8579 +/bedroom_0028/rgb_00053.jpg /bedroom_0028/sync_depth_00053.png 518.8579 +/bedroom_0050/rgb_00129.jpg /bedroom_0050/sync_depth_00129.png 518.8579 +/bedroom_0078/rgb_00034.jpg /bedroom_0078/sync_depth_00034.png 518.8579 +/classroom_0004/rgb_00096.jpg /classroom_0004/sync_depth_00096.png 518.8579 +/cafe_0001c/rgb_00107.jpg /cafe_0001c/sync_depth_00107.png 518.8579 +/dining_room_0019/rgb_00159.jpg /dining_room_0019/sync_depth_00159.png 518.8579 +/student_lounge_0001/rgb_00182.jpg /student_lounge_0001/sync_depth_00182.png 518.8579 +/bathroom_0057/rgb_00009.jpg /bathroom_0057/sync_depth_00009.png 518.8579 +/bedroom_0071/rgb_00175.jpg /bedroom_0071/sync_depth_00175.png 518.8579 +/laundry_room_0001/rgb_00009.jpg /laundry_room_0001/sync_depth_00009.png 518.8579 +/dining_room_0016/rgb_00077.jpg /dining_room_0016/sync_depth_00077.png 518.8579 +/kitchen_0045b/rgb_00134.jpg /kitchen_0045b/sync_depth_00134.png 518.8579 +/home_office_0004/rgb_00152.jpg /home_office_0004/sync_depth_00152.png 518.8579 +/bedroom_0019/rgb_00166.jpg /bedroom_0019/sync_depth_00166.png 518.8579 +/bedroom_0056a/rgb_00089.jpg /bedroom_0056a/sync_depth_00089.png 518.8579 +/bookstore_0001e/rgb_00019.jpg /bookstore_0001e/sync_depth_00019.png 518.8579 +/bathroom_0034/rgb_00089.jpg /bathroom_0034/sync_depth_00089.png 518.8579 +/kitchen_0048/rgb_00018.jpg /kitchen_0048/sync_depth_00018.png 518.8579 +/kitchen_0003/rgb_00026.jpg /kitchen_0003/sync_depth_00026.png 518.8579 +/dining_room_0007/rgb_00222.jpg /dining_room_0007/sync_depth_00222.png 518.8579 +/living_room_0058/rgb_00224.jpg /living_room_0058/sync_depth_00224.png 518.8579 +/living_room_0019/rgb_00128.jpg /living_room_0019/sync_depth_00128.png 518.8579 +/bedroom_0019/rgb_00149.jpg /bedroom_0019/sync_depth_00149.png 518.8579 +/kitchen_0017/rgb_00060.jpg /kitchen_0017/sync_depth_00060.png 518.8579 +/dining_room_0029/rgb_00115.jpg /dining_room_0029/sync_depth_00115.png 518.8579 +/living_room_0022/rgb_00348.jpg /living_room_0022/sync_depth_00348.png 518.8579 +/bedroom_0125a/rgb_00014.jpg /bedroom_0125a/sync_depth_00014.png 518.8579 +/bookstore_0001i/rgb_00152.jpg /bookstore_0001i/sync_depth_00152.png 518.8579 +/home_office_0006/rgb_00109.jpg /home_office_0006/sync_depth_00109.png 518.8579 +/living_room_0005/rgb_00045.jpg /living_room_0005/sync_depth_00045.png 518.8579 +/dining_room_0016/rgb_00179.jpg /dining_room_0016/sync_depth_00179.png 518.8579 +/bedroom_0031/rgb_00041.jpg /bedroom_0031/sync_depth_00041.png 518.8579 +/student_lounge_0001/rgb_00063.jpg /student_lounge_0001/sync_depth_00063.png 518.8579 +/bookstore_0001d/rgb_00072.jpg /bookstore_0001d/sync_depth_00072.png 518.8579 +/nyu_office_0/rgb_00302.jpg /nyu_office_0/sync_depth_00302.png 518.8579 +/dining_room_0007/rgb_00228.jpg /dining_room_0007/sync_depth_00228.png 518.8579 +/dining_room_0001b/rgb_00151.jpg /dining_room_0001b/sync_depth_00151.png 518.8579 +/office_kitchen_0003/rgb_00057.jpg /office_kitchen_0003/sync_depth_00057.png 518.8579 +/classroom_0022/rgb_00056.jpg /classroom_0022/sync_depth_00056.png 518.8579 +/bedroom_0098/rgb_00003.jpg /bedroom_0098/sync_depth_00003.png 518.8579 +/kitchen_0041/rgb_00024.jpg /kitchen_0041/sync_depth_00024.png 518.8579 +/living_room_0004/rgb_00167.jpg /living_room_0004/sync_depth_00167.png 518.8579 +/dining_room_0007/rgb_00117.jpg /dining_room_0007/sync_depth_00117.png 518.8579 +/home_office_0007/rgb_00051.jpg /home_office_0007/sync_depth_00051.png 518.8579 +/dining_room_0007/rgb_00101.jpg /dining_room_0007/sync_depth_00101.png 518.8579 +/bedroom_0071/rgb_00044.jpg /bedroom_0071/sync_depth_00044.png 518.8579 +/bookstore_0001h/rgb_00019.jpg /bookstore_0001h/sync_depth_00019.png 518.8579 +/dining_room_0012/rgb_00192.jpg /dining_room_0012/sync_depth_00192.png 518.8579 +/bathroom_0045a/rgb_00006.jpg /bathroom_0045a/sync_depth_00006.png 518.8579 +/bedroom_0076a/rgb_00248.jpg /bedroom_0076a/sync_depth_00248.png 518.8579 +/bedroom_0014/rgb_00018.jpg /bedroom_0014/sync_depth_00018.png 518.8579 +/home_office_0011/rgb_00030.jpg /home_office_0011/sync_depth_00030.png 518.8579 +/furniture_store_0002a/rgb_00185.jpg /furniture_store_0002a/sync_depth_00185.png 518.8579 +/living_room_0050/rgb_00126.jpg /living_room_0050/sync_depth_00126.png 518.8579 +/study_0006/rgb_00039.jpg /study_0006/sync_depth_00039.png 518.8579 +/living_room_0006/rgb_00013.jpg /living_room_0006/sync_depth_00013.png 518.8579 +/furniture_store_0002a/rgb_00127.jpg /furniture_store_0002a/sync_depth_00127.png 518.8579 +/nyu_office_0/rgb_00412.jpg /nyu_office_0/sync_depth_00412.png 518.8579 +/bookstore_0001e/rgb_00018.jpg /bookstore_0001e/sync_depth_00018.png 518.8579 +/home_office_0004/rgb_00073.jpg /home_office_0004/sync_depth_00073.png 518.8579 +/kitchen_0045b/rgb_00022.jpg /kitchen_0045b/sync_depth_00022.png 518.8579 +/kitchen_0033/rgb_00096.jpg /kitchen_0033/sync_depth_00096.png 518.8579 +/bathroom_0054/rgb_00023.jpg /bathroom_0054/sync_depth_00023.png 518.8579 +/classroom_0004/rgb_00051.jpg /classroom_0004/sync_depth_00051.png 518.8579 +/bathroom_0019/rgb_00058.jpg /bathroom_0019/sync_depth_00058.png 518.8579 +/dining_room_0023/rgb_00054.jpg /dining_room_0023/sync_depth_00054.png 518.8579 +/kitchen_0028a/rgb_00110.jpg /kitchen_0028a/sync_depth_00110.png 518.8579 +/bookstore_0001h/rgb_00158.jpg /bookstore_0001h/sync_depth_00158.png 518.8579 +/office_0009/rgb_00040.jpg /office_0009/sync_depth_00040.png 518.8579 +/classroom_0010/rgb_00059.jpg /classroom_0010/sync_depth_00059.png 518.8579 +/bedroom_0106/rgb_00062.jpg /bedroom_0106/sync_depth_00062.png 518.8579 +/playroom_0002/rgb_00114.jpg /playroom_0002/sync_depth_00114.png 518.8579 +/office_0018/rgb_00027.jpg /office_0018/sync_depth_00027.png 518.8579 +/living_room_0058/rgb_00004.jpg /living_room_0058/sync_depth_00004.png 518.8579 +/conference_room_0001/rgb_00127.jpg /conference_room_0001/sync_depth_00127.png 518.8579 +/bedroom_0106/rgb_00137.jpg /bedroom_0106/sync_depth_00137.png 518.8579 +/kitchen_0029c/rgb_00134.jpg /kitchen_0029c/sync_depth_00134.png 518.8579 +/kitchen_0045b/rgb_00054.jpg /kitchen_0045b/sync_depth_00054.png 518.8579 +/dining_room_0007/rgb_00136.jpg /dining_room_0007/sync_depth_00136.png 518.8579 +/bedroom_0026/rgb_00152.jpg /bedroom_0026/sync_depth_00152.png 518.8579 +/kitchen_0060/rgb_00174.jpg /kitchen_0060/sync_depth_00174.png 518.8579 +/living_room_0040/rgb_00209.jpg /living_room_0040/sync_depth_00209.png 518.8579 +/living_room_0012/rgb_00058.jpg /living_room_0012/sync_depth_00058.png 518.8579 +/living_room_0062/rgb_00046.jpg /living_room_0062/sync_depth_00046.png 518.8579 +/bookstore_0001f/rgb_00018.jpg /bookstore_0001f/sync_depth_00018.png 518.8579 +/furniture_store_0001d/rgb_00127.jpg /furniture_store_0001d/sync_depth_00127.png 518.8579 +/cafe_0001a/rgb_00031.jpg /cafe_0001a/sync_depth_00031.png 518.8579 +/bedroom_0076a/rgb_00059.jpg /bedroom_0076a/sync_depth_00059.png 518.8579 +/bookstore_0001f/rgb_00027.jpg /bookstore_0001f/sync_depth_00027.png 518.8579 +/excercise_room_0001/rgb_00098.jpg /excercise_room_0001/sync_depth_00098.png 518.8579 +/bedroom_0052/rgb_00137.jpg /bedroom_0052/sync_depth_00137.png 518.8579 +/bedroom_0059/rgb_00062.jpg /bedroom_0059/sync_depth_00062.png 518.8579 +/living_room_0047a/rgb_00007.jpg /living_room_0047a/sync_depth_00007.png 518.8579 +/bedroom_0051/rgb_00150.jpg /bedroom_0051/sync_depth_00150.png 518.8579 +/reception_room_0001a/rgb_00083.jpg /reception_room_0001a/sync_depth_00083.png 518.8579 +/bedroom_0051/rgb_00112.jpg /bedroom_0051/sync_depth_00112.png 518.8579 +/study_0003/rgb_00032.jpg /study_0003/sync_depth_00032.png 518.8579 +/dining_room_0012/rgb_00014.jpg /dining_room_0012/sync_depth_00014.png 518.8579 +/office_0019/rgb_00030.jpg /office_0019/sync_depth_00030.png 518.8579 +/living_room_0058/rgb_00257.jpg /living_room_0058/sync_depth_00257.png 518.8579 +/home_office_0011/rgb_00091.jpg /home_office_0011/sync_depth_00091.png 518.8579 +/reception_room_0002/rgb_00024.jpg /reception_room_0002/sync_depth_00024.png 518.8579 +/conference_room_0001/rgb_00083.jpg /conference_room_0001/sync_depth_00083.png 518.8579 +/bedroom_0035/rgb_00001.jpg /bedroom_0035/sync_depth_00001.png 518.8579 +/living_room_0046a/rgb_00047.jpg /living_room_0046a/sync_depth_00047.png 518.8579 +/kitchen_0052/rgb_00043.jpg /kitchen_0052/sync_depth_00043.png 518.8579 +/dining_room_0034/rgb_00186.jpg /dining_room_0034/sync_depth_00186.png 518.8579 +/living_room_0063/rgb_00157.jpg /living_room_0063/sync_depth_00157.png 518.8579 +/bedroom_0051/rgb_00151.jpg /bedroom_0051/sync_depth_00151.png 518.8579 +/bathroom_0005/rgb_00029.jpg /bathroom_0005/sync_depth_00029.png 518.8579 +/excercise_room_0001/rgb_00074.jpg /excercise_room_0001/sync_depth_00074.png 518.8579 +/conference_room_0002/rgb_00034.jpg /conference_room_0002/sync_depth_00034.png 518.8579 +/kitchen_0037/rgb_00087.jpg /kitchen_0037/sync_depth_00087.png 518.8579 +/office_0012/rgb_00005.jpg /office_0012/sync_depth_00005.png 518.8579 +/dining_room_0016/rgb_00137.jpg /dining_room_0016/sync_depth_00137.png 518.8579 +/laundry_room_0001/rgb_00061.jpg /laundry_room_0001/sync_depth_00061.png 518.8579 +/bathroom_0045a/rgb_00021.jpg /bathroom_0045a/sync_depth_00021.png 518.8579 +/bedroom_0096/rgb_00090.jpg /bedroom_0096/sync_depth_00090.png 518.8579 +/bathroom_0042/rgb_00011.jpg /bathroom_0042/sync_depth_00011.png 518.8579 +/kitchen_0049/rgb_00062.jpg /kitchen_0049/sync_depth_00062.png 518.8579 +/bathroom_0042/rgb_00000.jpg /bathroom_0042/sync_depth_00000.png 518.8579 +/classroom_0003/rgb_00010.jpg /classroom_0003/sync_depth_00010.png 518.8579 +/bedroom_0140/rgb_00004.jpg /bedroom_0140/sync_depth_00004.png 518.8579 +/bookstore_0001g/rgb_00021.jpg /bookstore_0001g/sync_depth_00021.png 518.8579 +/home_office_0007/rgb_00054.jpg /home_office_0007/sync_depth_00054.png 518.8579 +/living_room_0085/rgb_00004.jpg /living_room_0085/sync_depth_00004.png 518.8579 +/furniture_store_0001d/rgb_00003.jpg /furniture_store_0001d/sync_depth_00003.png 518.8579 +/study_room_0004/rgb_00119.jpg /study_room_0004/sync_depth_00119.png 518.8579 +/bedroom_0124/rgb_00037.jpg /bedroom_0124/sync_depth_00037.png 518.8579 +/living_room_0020/rgb_00138.jpg /living_room_0020/sync_depth_00138.png 518.8579 +/bedroom_0104/rgb_00096.jpg /bedroom_0104/sync_depth_00096.png 518.8579 +/kitchen_0050/rgb_00128.jpg /kitchen_0050/sync_depth_00128.png 518.8579 +/living_room_0020/rgb_00039.jpg /living_room_0020/sync_depth_00039.png 518.8579 +/kitchen_0016/rgb_00045.jpg /kitchen_0016/sync_depth_00045.png 518.8579 +/dining_room_0001b/rgb_00034.jpg /dining_room_0001b/sync_depth_00034.png 518.8579 +/bookstore_0001j/rgb_00284.jpg /bookstore_0001j/sync_depth_00284.png 518.8579 +/kitchen_0049/rgb_00081.jpg /kitchen_0049/sync_depth_00081.png 518.8579 +/bedroom_0028/rgb_00010.jpg /bedroom_0028/sync_depth_00010.png 518.8579 +/study_0008/rgb_00009.jpg /study_0008/sync_depth_00009.png 518.8579 +/bedroom_0079/rgb_00027.jpg /bedroom_0079/sync_depth_00027.png 518.8579 +/bedroom_0113/rgb_00066.jpg /bedroom_0113/sync_depth_00066.png 518.8579 +/bedroom_0014/rgb_00022.jpg /bedroom_0014/sync_depth_00022.png 518.8579 +/kitchen_0035b/rgb_00257.jpg /kitchen_0035b/sync_depth_00257.png 518.8579 +/kitchen_0033/rgb_00055.jpg /kitchen_0033/sync_depth_00055.png 518.8579 +/bedroom_0140/rgb_00181.jpg /bedroom_0140/sync_depth_00181.png 518.8579 +/furniture_store_0002a/rgb_00056.jpg /furniture_store_0002a/sync_depth_00056.png 518.8579 +/bathroom_0051/rgb_00038.jpg /bathroom_0051/sync_depth_00038.png 518.8579 +/kitchen_0045a/rgb_00095.jpg /kitchen_0045a/sync_depth_00095.png 518.8579 +/living_room_0012/rgb_00154.jpg /living_room_0012/sync_depth_00154.png 518.8579 +/kitchen_0045b/rgb_00028.jpg /kitchen_0045b/sync_depth_00028.png 518.8579 +/dining_room_0001b/rgb_00162.jpg /dining_room_0001b/sync_depth_00162.png 518.8579 +/bookstore_0001d/rgb_00346.jpg /bookstore_0001d/sync_depth_00346.png 518.8579 +/kitchen_0029c/rgb_00072.jpg /kitchen_0029c/sync_depth_00072.png 518.8579 +/bookstore_0001h/rgb_00113.jpg /bookstore_0001h/sync_depth_00113.png 518.8579 +/kitchen_0017/rgb_00115.jpg /kitchen_0017/sync_depth_00115.png 518.8579 +/bedroom_0060/rgb_00101.jpg /bedroom_0060/sync_depth_00101.png 518.8579 +/reception_room_0004/rgb_00044.jpg /reception_room_0004/sync_depth_00044.png 518.8579 +/living_room_0078/rgb_00032.jpg /living_room_0078/sync_depth_00032.png 518.8579 +/furniture_store_0001a/rgb_00018.jpg /furniture_store_0001a/sync_depth_00018.png 518.8579 +/kitchen_0048/rgb_00016.jpg /kitchen_0048/sync_depth_00016.png 518.8579 +/office_0023/rgb_00025.jpg /office_0023/sync_depth_00025.png 518.8579 +/kitchen_0003/rgb_00173.jpg /kitchen_0003/sync_depth_00173.png 518.8579 +/kitchen_0047/rgb_00092.jpg /kitchen_0047/sync_depth_00092.png 518.8579 +/bedroom_0025/rgb_00017.jpg /bedroom_0025/sync_depth_00017.png 518.8579 +/bedroom_0078/rgb_00143.jpg /bedroom_0078/sync_depth_00143.png 518.8579 +/bedroom_0138/rgb_00024.jpg /bedroom_0138/sync_depth_00024.png 518.8579 +/furniture_store_0002d/rgb_00061.jpg /furniture_store_0002d/sync_depth_00061.png 518.8579 +/classroom_0016/rgb_00016.jpg /classroom_0016/sync_depth_00016.png 518.8579 +/bedroom_0066/rgb_00004.jpg /bedroom_0066/sync_depth_00004.png 518.8579 +/kitchen_0031/rgb_00147.jpg /kitchen_0031/sync_depth_00147.png 518.8579 +/bedroom_0020/rgb_00113.jpg /bedroom_0020/sync_depth_00113.png 518.8579 +/kitchen_0035b/rgb_00010.jpg /kitchen_0035b/sync_depth_00010.png 518.8579 +/nyu_office_0/rgb_00346.jpg /nyu_office_0/sync_depth_00346.png 518.8579 +/office_0026/rgb_00048.jpg /office_0026/sync_depth_00048.png 518.8579 +/bedroom_0079/rgb_00045.jpg /bedroom_0079/sync_depth_00045.png 518.8579 +/dining_room_0016/rgb_00110.jpg /dining_room_0016/sync_depth_00110.png 518.8579 +/conference_room_0001/rgb_00091.jpg /conference_room_0001/sync_depth_00091.png 518.8579 +/kitchen_0010/rgb_00083.jpg /kitchen_0010/sync_depth_00083.png 518.8579 +/office_kitchen_0001a/rgb_00065.jpg /office_kitchen_0001a/sync_depth_00065.png 518.8579 +/bathroom_0016/rgb_00005.jpg /bathroom_0016/sync_depth_00005.png 518.8579 +/dining_room_0024/rgb_00111.jpg /dining_room_0024/sync_depth_00111.png 518.8579 +/bedroom_0140/rgb_00104.jpg /bedroom_0140/sync_depth_00104.png 518.8579 +/living_room_0047b/rgb_00055.jpg /living_room_0047b/sync_depth_00055.png 518.8579 +/living_room_0046b/rgb_00010.jpg /living_room_0046b/sync_depth_00010.png 518.8579 +/dining_room_0031/rgb_00342.jpg /dining_room_0031/sync_depth_00342.png 518.8579 +/reception_room_0002/rgb_00040.jpg /reception_room_0002/sync_depth_00040.png 518.8579 +/dining_room_0013/rgb_00142.jpg /dining_room_0013/sync_depth_00142.png 518.8579 +/student_lounge_0001/rgb_00191.jpg /student_lounge_0001/sync_depth_00191.png 518.8579 +/dining_room_0028/rgb_00075.jpg /dining_room_0028/sync_depth_00075.png 518.8579 +/living_room_0022/rgb_00285.jpg /living_room_0022/sync_depth_00285.png 518.8579 +/home_office_0008/rgb_00016.jpg /home_office_0008/sync_depth_00016.png 518.8579 +/bedroom_0051/rgb_00106.jpg /bedroom_0051/sync_depth_00106.png 518.8579 +/living_room_0022/rgb_00323.jpg /living_room_0022/sync_depth_00323.png 518.8579 +/home_office_0008/rgb_00026.jpg /home_office_0008/sync_depth_00026.png 518.8579 +/dining_room_0037/rgb_00135.jpg /dining_room_0037/sync_depth_00135.png 518.8579 +/bathroom_0034/rgb_00055.jpg /bathroom_0034/sync_depth_00055.png 518.8579 +/bathroom_0028/rgb_00124.jpg /bathroom_0028/sync_depth_00124.png 518.8579 +/bedroom_0031/rgb_00004.jpg /bedroom_0031/sync_depth_00004.png 518.8579 +/bedroom_0096/rgb_00047.jpg /bedroom_0096/sync_depth_00047.png 518.8579 +/conference_room_0001/rgb_00098.jpg /conference_room_0001/sync_depth_00098.png 518.8579 +/bedroom_0004/rgb_00025.jpg /bedroom_0004/sync_depth_00025.png 518.8579 +/bedroom_0124/rgb_00016.jpg /bedroom_0124/sync_depth_00016.png 518.8579 +/living_room_0004/rgb_00137.jpg /living_room_0004/sync_depth_00137.png 518.8579 +/living_room_0010/rgb_00097.jpg /living_room_0010/sync_depth_00097.png 518.8579 +/bedroom_0004/rgb_00002.jpg /bedroom_0004/sync_depth_00002.png 518.8579 +/bookstore_0001h/rgb_00137.jpg /bookstore_0001h/sync_depth_00137.png 518.8579 +/bedroom_0034/rgb_00095.jpg /bedroom_0034/sync_depth_00095.png 518.8579 +/kitchen_0045b/rgb_00029.jpg /kitchen_0045b/sync_depth_00029.png 518.8579 +/office_kitchen_0001b/rgb_00009.jpg /office_kitchen_0001b/sync_depth_00009.png 518.8579 +/office_0023/rgb_00029.jpg /office_0023/sync_depth_00029.png 518.8579 +/bedroom_0056a/rgb_00110.jpg /bedroom_0056a/sync_depth_00110.png 518.8579 +/bookstore_0001h/rgb_00139.jpg /bookstore_0001h/sync_depth_00139.png 518.8579 +/living_room_0058/rgb_00261.jpg /living_room_0058/sync_depth_00261.png 518.8579 +/kitchen_0011b/rgb_00079.jpg /kitchen_0011b/sync_depth_00079.png 518.8579 +/bedroom_0069/rgb_00014.jpg /bedroom_0069/sync_depth_00014.png 518.8579 +/kitchen_0035b/rgb_00297.jpg /kitchen_0035b/sync_depth_00297.png 518.8579 +/bedroom_0019/rgb_00035.jpg /bedroom_0019/sync_depth_00035.png 518.8579 +/dining_room_0037/rgb_00020.jpg /dining_room_0037/sync_depth_00020.png 518.8579 +/bookstore_0001f/rgb_00004.jpg /bookstore_0001f/sync_depth_00004.png 518.8579 +/kitchen_0031/rgb_00111.jpg /kitchen_0031/sync_depth_00111.png 518.8579 +/living_room_0011/rgb_00021.jpg /living_room_0011/sync_depth_00021.png 518.8579 +/bookstore_0001g/rgb_00239.jpg /bookstore_0001g/sync_depth_00239.png 518.8579 +/reception_room_0004/rgb_00019.jpg /reception_room_0004/sync_depth_00019.png 518.8579 +/basement_0001a/rgb_00060.jpg /basement_0001a/sync_depth_00060.png 518.8579 +/dining_room_0024/rgb_00045.jpg /dining_room_0024/sync_depth_00045.png 518.8579 +/playroom_0006/rgb_00019.jpg /playroom_0006/sync_depth_00019.png 518.8579 +/dining_room_0016/rgb_00010.jpg /dining_room_0016/sync_depth_00010.png 518.8579 +/bookstore_0001g/rgb_00261.jpg /bookstore_0001g/sync_depth_00261.png 518.8579 +/study_0003/rgb_00017.jpg /study_0003/sync_depth_00017.png 518.8579 +/kitchen_0052/rgb_00116.jpg /kitchen_0052/sync_depth_00116.png 518.8579 +/bedroom_0010/rgb_00018.jpg /bedroom_0010/sync_depth_00018.png 518.8579 +/kitchen_0051/rgb_00045.jpg /kitchen_0051/sync_depth_00045.png 518.8579 +/office_0026/rgb_00193.jpg /office_0026/sync_depth_00193.png 518.8579 +/office_0011/rgb_00144.jpg /office_0011/sync_depth_00144.png 518.8579 +/furniture_store_0001e/rgb_00091.jpg /furniture_store_0001e/sync_depth_00091.png 518.8579 +/dining_room_0031/rgb_00171.jpg /dining_room_0031/sync_depth_00171.png 518.8579 +/living_room_0050/rgb_00276.jpg /living_room_0050/sync_depth_00276.png 518.8579 +/furniture_store_0002a/rgb_00356.jpg /furniture_store_0002a/sync_depth_00356.png 518.8579 +/bedroom_0081/rgb_00039.jpg /bedroom_0081/sync_depth_00039.png 518.8579 +/bedroom_0136/rgb_00020.jpg /bedroom_0136/sync_depth_00020.png 518.8579 +/bedroom_0016/rgb_00007.jpg /bedroom_0016/sync_depth_00007.png 518.8579 +/office_kitchen_0003/rgb_00068.jpg /office_kitchen_0003/sync_depth_00068.png 518.8579 +/bedroom_0078/rgb_00047.jpg /bedroom_0078/sync_depth_00047.png 518.8579 +/dining_room_0031/rgb_00164.jpg /dining_room_0031/sync_depth_00164.png 518.8579 +/furniture_store_0001b/rgb_00018.jpg /furniture_store_0001b/sync_depth_00018.png 518.8579 +/home_office_0004/rgb_00065.jpg /home_office_0004/sync_depth_00065.png 518.8579 +/living_room_0058/rgb_00136.jpg /living_room_0058/sync_depth_00136.png 518.8579 +/living_room_0019/rgb_00133.jpg /living_room_0019/sync_depth_00133.png 518.8579 +/living_room_0047a/rgb_00034.jpg /living_room_0047a/sync_depth_00034.png 518.8579 +/kitchen_0047/rgb_00040.jpg /kitchen_0047/sync_depth_00040.png 518.8579 +/kitchen_0051/rgb_00068.jpg /kitchen_0051/sync_depth_00068.png 518.8579 +/living_room_0010/rgb_00006.jpg /living_room_0010/sync_depth_00006.png 518.8579 +/dining_room_0024/rgb_00142.jpg /dining_room_0024/sync_depth_00142.png 518.8579 +/basement_0001b/rgb_00014.jpg /basement_0001b/sync_depth_00014.png 518.8579 +/office_0026/rgb_00030.jpg /office_0026/sync_depth_00030.png 518.8579 +/kitchen_0011a/rgb_00072.jpg /kitchen_0011a/sync_depth_00072.png 518.8579 +/basement_0001a/rgb_00131.jpg /basement_0001a/sync_depth_00131.png 518.8579 +/excercise_room_0001/rgb_00021.jpg /excercise_room_0001/sync_depth_00021.png 518.8579 +/bookstore_0001g/rgb_00010.jpg /bookstore_0001g/sync_depth_00010.png 518.8579 +/furniture_store_0001e/rgb_00017.jpg /furniture_store_0001e/sync_depth_00017.png 518.8579 +/living_room_0010/rgb_00077.jpg /living_room_0010/sync_depth_00077.png 518.8579 +/living_room_0033/rgb_00018.jpg /living_room_0033/sync_depth_00018.png 518.8579 +/nyu_office_0/rgb_00368.jpg /nyu_office_0/sync_depth_00368.png 518.8579 +/bathroom_0056/rgb_00028.jpg /bathroom_0056/sync_depth_00028.png 518.8579 +/living_room_0012/rgb_00028.jpg /living_room_0012/sync_depth_00028.png 518.8579 +/living_room_0058/rgb_00016.jpg /living_room_0058/sync_depth_00016.png 518.8579 +/living_room_0050/rgb_00209.jpg /living_room_0050/sync_depth_00209.png 518.8579 +/home_office_0008/rgb_00022.jpg /home_office_0008/sync_depth_00022.png 518.8579 +/dining_room_0013/rgb_00140.jpg /dining_room_0013/sync_depth_00140.png 518.8579 +/dining_room_0031/rgb_00247.jpg /dining_room_0031/sync_depth_00247.png 518.8579 +/bedroom_0052/rgb_00078.jpg /bedroom_0052/sync_depth_00078.png 518.8579 +/kitchen_0031/rgb_00149.jpg /kitchen_0031/sync_depth_00149.png 518.8579 +/dining_room_0004/rgb_00063.jpg /dining_room_0004/sync_depth_00063.png 518.8579 +/bedroom_0106/rgb_00129.jpg /bedroom_0106/sync_depth_00129.png 518.8579 +/living_room_0020/rgb_00014.jpg /living_room_0020/sync_depth_00014.png 518.8579 +/playroom_0004/rgb_00109.jpg /playroom_0004/sync_depth_00109.png 518.8579 +/living_room_0004/rgb_00056.jpg /living_room_0004/sync_depth_00056.png 518.8579 +/bedroom_0015/rgb_00100.jpg /bedroom_0015/sync_depth_00100.png 518.8579 +/furniture_store_0001b/rgb_00059.jpg /furniture_store_0001b/sync_depth_00059.png 518.8579 +/bookstore_0001f/rgb_00502.jpg /bookstore_0001f/sync_depth_00502.png 518.8579 +/kitchen_0035b/rgb_00230.jpg /kitchen_0035b/sync_depth_00230.png 518.8579 +/printer_room_0001/rgb_00004.jpg /printer_room_0001/sync_depth_00004.png 518.8579 +/bedroom_0136/rgb_00002.jpg /bedroom_0136/sync_depth_00002.png 518.8579 +/bedroom_0097/rgb_00002.jpg /bedroom_0097/sync_depth_00002.png 518.8579 +/bedroom_0026/rgb_00124.jpg /bedroom_0026/sync_depth_00124.png 518.8579 +/bedroom_0071/rgb_00052.jpg /bedroom_0071/sync_depth_00052.png 518.8579 +/playroom_0006/rgb_00070.jpg /playroom_0006/sync_depth_00070.png 518.8579 +/bathroom_0041/rgb_00067.jpg /bathroom_0041/sync_depth_00067.png 518.8579 +/living_room_0046a/rgb_00053.jpg /living_room_0046a/sync_depth_00053.png 518.8579 +/reception_room_0001b/rgb_00105.jpg /reception_room_0001b/sync_depth_00105.png 518.8579 +/cafe_0001b/rgb_00008.jpg /cafe_0001b/sync_depth_00008.png 518.8579 +/living_room_0047a/rgb_00040.jpg /living_room_0047a/sync_depth_00040.png 518.8579 +/furniture_store_0002c/rgb_00026.jpg /furniture_store_0002c/sync_depth_00026.png 518.8579 +/office_0026/rgb_00184.jpg /office_0026/sync_depth_00184.png 518.8579 +/bedroom_0086/rgb_00040.jpg /bedroom_0086/sync_depth_00040.png 518.8579 +/office_0024/rgb_00070.jpg /office_0024/sync_depth_00070.png 518.8579 +/bedroom_0004/rgb_00190.jpg /bedroom_0004/sync_depth_00190.png 518.8579 +/playroom_0003/rgb_00031.jpg /playroom_0003/sync_depth_00031.png 518.8579 +/living_room_0046b/rgb_00001.jpg /living_room_0046b/sync_depth_00001.png 518.8579 +/living_room_0018/rgb_00015.jpg /living_room_0018/sync_depth_00015.png 518.8579 +/office_0006/rgb_00167.jpg /office_0006/sync_depth_00167.png 518.8579 +/bathroom_0053/rgb_00008.jpg /bathroom_0053/sync_depth_00008.png 518.8579 +/living_room_0068/rgb_00103.jpg /living_room_0068/sync_depth_00103.png 518.8579 +/dining_room_0014/rgb_00071.jpg /dining_room_0014/sync_depth_00071.png 518.8579 +/bathroom_0034/rgb_00035.jpg /bathroom_0034/sync_depth_00035.png 518.8579 +/living_room_0063/rgb_00171.jpg /living_room_0063/sync_depth_00171.png 518.8579 +/dining_room_0015/rgb_00115.jpg /dining_room_0015/sync_depth_00115.png 518.8579 +/dining_room_0010/rgb_00110.jpg /dining_room_0010/sync_depth_00110.png 518.8579 +/cafe_0001c/rgb_00087.jpg /cafe_0001c/sync_depth_00087.png 518.8579 +/classroom_0006/rgb_00073.jpg /classroom_0006/sync_depth_00073.png 518.8579 +/living_room_0038/rgb_00121.jpg /living_room_0038/sync_depth_00121.png 518.8579 +/kitchen_0029c/rgb_00161.jpg /kitchen_0029c/sync_depth_00161.png 518.8579 +/living_room_0022/rgb_00346.jpg /living_room_0022/sync_depth_00346.png 518.8579 +/living_room_0047a/rgb_00053.jpg /living_room_0047a/sync_depth_00053.png 518.8579 +/bedroom_0069/rgb_00080.jpg /bedroom_0069/sync_depth_00080.png 518.8579 +/bookstore_0001g/rgb_00047.jpg /bookstore_0001g/sync_depth_00047.png 518.8579 +/dining_room_0031/rgb_00336.jpg /dining_room_0031/sync_depth_00336.png 518.8579 +/bedroom_0067a/rgb_00001.jpg /bedroom_0067a/sync_depth_00001.png 518.8579 +/bathroom_0002/rgb_00038.jpg /bathroom_0002/sync_depth_00038.png 518.8579 +/living_room_0086a/rgb_00020.jpg /living_room_0086a/sync_depth_00020.png 518.8579 +/dining_room_0016/rgb_00087.jpg /dining_room_0016/sync_depth_00087.png 518.8579 +/living_room_0022/rgb_00338.jpg /living_room_0022/sync_depth_00338.png 518.8579 +/bathroom_0055/rgb_00015.jpg /bathroom_0055/sync_depth_00015.png 518.8579 +/study_0008/rgb_00027.jpg /study_0008/sync_depth_00027.png 518.8579 +/bedroom_0076a/rgb_00129.jpg /bedroom_0076a/sync_depth_00129.png 518.8579 +/computer_lab_0002/rgb_00044.jpg /computer_lab_0002/sync_depth_00044.png 518.8579 +/bedroom_0020/rgb_00105.jpg /bedroom_0020/sync_depth_00105.png 518.8579 +/dining_room_0028/rgb_00037.jpg /dining_room_0028/sync_depth_00037.png 518.8579 +/classroom_0022/rgb_00029.jpg /classroom_0022/sync_depth_00029.png 518.8579 +/dining_room_0023/rgb_00097.jpg /dining_room_0023/sync_depth_00097.png 518.8579 +/office_0011/rgb_00075.jpg /office_0011/sync_depth_00075.png 518.8579 +/office_0004/rgb_00036.jpg /office_0004/sync_depth_00036.png 518.8579 +/living_room_0062/rgb_00158.jpg /living_room_0062/sync_depth_00158.png 518.8579 +/furniture_store_0001e/rgb_00072.jpg /furniture_store_0001e/sync_depth_00072.png 518.8579 +/office_0024/rgb_00030.jpg /office_0024/sync_depth_00030.png 518.8579 +/student_lounge_0001/rgb_00268.jpg /student_lounge_0001/sync_depth_00268.png 518.8579 +/bedroom_0060/rgb_00071.jpg /bedroom_0060/sync_depth_00071.png 518.8579 +/living_room_0042b/rgb_00082.jpg /living_room_0042b/sync_depth_00082.png 518.8579 +/dining_room_0037/rgb_00048.jpg /dining_room_0037/sync_depth_00048.png 518.8579 +/home_office_0008/rgb_00094.jpg /home_office_0008/sync_depth_00094.png 518.8579 +/nyu_office_0/rgb_00031.jpg /nyu_office_0/sync_depth_00031.png 518.8579 +/kitchen_0049/rgb_00108.jpg /kitchen_0049/sync_depth_00108.png 518.8579 +/bedroom_0071/rgb_00082.jpg /bedroom_0071/sync_depth_00082.png 518.8579 +/bookstore_0001d/rgb_00101.jpg /bookstore_0001d/sync_depth_00101.png 518.8579 +/living_room_0042b/rgb_00063.jpg /living_room_0042b/sync_depth_00063.png 518.8579 +/bedroom_0065/rgb_00040.jpg /bedroom_0065/sync_depth_00040.png 518.8579 +/bedroom_0019/rgb_00022.jpg /bedroom_0019/sync_depth_00022.png 518.8579 +/nyu_office_0/rgb_00318.jpg /nyu_office_0/sync_depth_00318.png 518.8579 +/study_room_0005b/rgb_00009.jpg /study_room_0005b/sync_depth_00009.png 518.8579 +/office_0011/rgb_00146.jpg /office_0011/sync_depth_00146.png 518.8579 +/living_room_0022/rgb_00104.jpg /living_room_0022/sync_depth_00104.png 518.8579 +/kitchen_0037/rgb_00028.jpg /kitchen_0037/sync_depth_00028.png 518.8579 +/living_room_0010/rgb_00174.jpg /living_room_0010/sync_depth_00174.png 518.8579 +/kitchen_0048/rgb_00218.jpg /kitchen_0048/sync_depth_00218.png 518.8579 +/office_0019/rgb_00018.jpg /office_0019/sync_depth_00018.png 518.8579 +/home_office_0011/rgb_00026.jpg /home_office_0011/sync_depth_00026.png 518.8579 +/bedroom_0072/rgb_00171.jpg /bedroom_0072/sync_depth_00171.png 518.8579 +/dining_room_0024/rgb_00029.jpg /dining_room_0024/sync_depth_00029.png 518.8579 +/bedroom_0097/rgb_00052.jpg /bedroom_0097/sync_depth_00052.png 518.8579 +/study_0003/rgb_00078.jpg /study_0003/sync_depth_00078.png 518.8579 +/home_office_0005/rgb_00026.jpg /home_office_0005/sync_depth_00026.png 518.8579 +/kitchen_0045a/rgb_00038.jpg /kitchen_0045a/sync_depth_00038.png 518.8579 +/laundry_room_0001/rgb_00066.jpg /laundry_room_0001/sync_depth_00066.png 518.8579 +/bedroom_0010/rgb_00089.jpg /bedroom_0010/sync_depth_00089.png 518.8579 +/cafe_0001b/rgb_00033.jpg /cafe_0001b/sync_depth_00033.png 518.8579 +/living_room_0058/rgb_00272.jpg /living_room_0058/sync_depth_00272.png 518.8579 +/dining_room_0008/rgb_00042.jpg /dining_room_0008/sync_depth_00042.png 518.8579 +/study_room_0004/rgb_00202.jpg /study_room_0004/sync_depth_00202.png 518.8579 +/dining_room_0033/rgb_00100.jpg /dining_room_0033/sync_depth_00100.png 518.8579 +/bathroom_0054/rgb_00003.jpg /bathroom_0054/sync_depth_00003.png 518.8579 +/office_0003/rgb_00026.jpg /office_0003/sync_depth_00026.png 518.8579 +/bedroom_0063/rgb_00044.jpg /bedroom_0063/sync_depth_00044.png 518.8579 +/living_room_0020/rgb_00087.jpg /living_room_0020/sync_depth_00087.png 518.8579 +/office_0006/rgb_00119.jpg /office_0006/sync_depth_00119.png 518.8579 +/bedroom_0104/rgb_00026.jpg /bedroom_0104/sync_depth_00026.png 518.8579 +/excercise_room_0001/rgb_00056.jpg /excercise_room_0001/sync_depth_00056.png 518.8579 +/classroom_0018/rgb_00029.jpg /classroom_0018/sync_depth_00029.png 518.8579 +/kitchen_0059/rgb_00070.jpg /kitchen_0059/sync_depth_00070.png 518.8579 +/furniture_store_0002c/rgb_00013.jpg /furniture_store_0002c/sync_depth_00013.png 518.8579 +/playroom_0006/rgb_00096.jpg /playroom_0006/sync_depth_00096.png 518.8579 +/kitchen_0047/rgb_00055.jpg /kitchen_0047/sync_depth_00055.png 518.8579 +/bedroom_0056a/rgb_00018.jpg /bedroom_0056a/sync_depth_00018.png 518.8579 +/living_room_0039/rgb_00047.jpg /living_room_0039/sync_depth_00047.png 518.8579 +/kitchen_0003/rgb_00090.jpg /kitchen_0003/sync_depth_00090.png 518.8579 +/living_room_0038/rgb_00085.jpg /living_room_0038/sync_depth_00085.png 518.8579 +/living_room_0046a/rgb_00095.jpg /living_room_0046a/sync_depth_00095.png 518.8579 +/kitchen_0017/rgb_00023.jpg /kitchen_0017/sync_depth_00023.png 518.8579 +/playroom_0003/rgb_00194.jpg /playroom_0003/sync_depth_00194.png 518.8579 +/living_room_0078/rgb_00131.jpg /living_room_0078/sync_depth_00131.png 518.8579 +/kitchen_0048/rgb_00255.jpg /kitchen_0048/sync_depth_00255.png 518.8579 +/furniture_store_0001d/rgb_00099.jpg /furniture_store_0001d/sync_depth_00099.png 518.8579 +/living_room_0011/rgb_00084.jpg /living_room_0011/sync_depth_00084.png 518.8579 +/living_room_0005/rgb_00067.jpg /living_room_0005/sync_depth_00067.png 518.8579 +/printer_room_0001/rgb_00059.jpg /printer_room_0001/sync_depth_00059.png 518.8579 +/living_room_0037/rgb_00002.jpg /living_room_0037/sync_depth_00002.png 518.8579 +/kitchen_0052/rgb_00084.jpg /kitchen_0052/sync_depth_00084.png 518.8579 +/reception_room_0001b/rgb_00090.jpg /reception_room_0001b/sync_depth_00090.png 518.8579 +/bedroom_0062/rgb_00104.jpg /bedroom_0062/sync_depth_00104.png 518.8579 +/dining_room_0008/rgb_00135.jpg /dining_room_0008/sync_depth_00135.png 518.8579 +/bedroom_0132/rgb_00006.jpg /bedroom_0132/sync_depth_00006.png 518.8579 +/conference_room_0001/rgb_00001.jpg /conference_room_0001/sync_depth_00001.png 518.8579 +/playroom_0004/rgb_00093.jpg /playroom_0004/sync_depth_00093.png 518.8579 +/office_0025/rgb_00035.jpg /office_0025/sync_depth_00035.png 518.8579 +/bookstore_0001d/rgb_00270.jpg /bookstore_0001d/sync_depth_00270.png 518.8579 +/living_room_0062/rgb_00112.jpg /living_room_0062/sync_depth_00112.png 518.8579 +/living_room_0040/rgb_00027.jpg /living_room_0040/sync_depth_00027.png 518.8579 +/living_room_0069a/rgb_00086.jpg /living_room_0069a/sync_depth_00086.png 518.8579 +/dining_room_0014/rgb_00020.jpg /dining_room_0014/sync_depth_00020.png 518.8579 +/dining_room_0034/rgb_00133.jpg /dining_room_0034/sync_depth_00133.png 518.8579 +/dining_room_0013/rgb_00145.jpg /dining_room_0013/sync_depth_00145.png 518.8579 +/kitchen_0003/rgb_00121.jpg /kitchen_0003/sync_depth_00121.png 518.8579 +/kitchen_0029a/rgb_00016.jpg /kitchen_0029a/sync_depth_00016.png 518.8579 +/living_room_0042a/rgb_00017.jpg /living_room_0042a/sync_depth_00017.png 518.8579 +/living_room_0058/rgb_00244.jpg /living_room_0058/sync_depth_00244.png 518.8579 +/living_room_0038/rgb_00082.jpg /living_room_0038/sync_depth_00082.png 518.8579 +/living_room_0040/rgb_00129.jpg /living_room_0040/sync_depth_00129.png 518.8579 +/kitchen_0049/rgb_00177.jpg /kitchen_0049/sync_depth_00177.png 518.8579 +/kitchen_0016/rgb_00094.jpg /kitchen_0016/sync_depth_00094.png 518.8579 +/dining_room_0001b/rgb_00234.jpg /dining_room_0001b/sync_depth_00234.png 518.8579 +/classroom_0003/rgb_00022.jpg /classroom_0003/sync_depth_00022.png 518.8579 +/bedroom_0034/rgb_00103.jpg /bedroom_0034/sync_depth_00103.png 518.8579 +/classroom_0006/rgb_00148.jpg /classroom_0006/sync_depth_00148.png 518.8579 +/home_office_0006/rgb_00119.jpg /home_office_0006/sync_depth_00119.png 518.8579 +/living_room_0020/rgb_00055.jpg /living_room_0020/sync_depth_00055.png 518.8579 +/bathroom_0041/rgb_00077.jpg /bathroom_0041/sync_depth_00077.png 518.8579 +/dining_room_0033/rgb_00175.jpg /dining_room_0033/sync_depth_00175.png 518.8579 +/living_room_0078/rgb_00043.jpg /living_room_0078/sync_depth_00043.png 518.8579 +/home_office_0011/rgb_00061.jpg /home_office_0011/sync_depth_00061.png 518.8579 +/bedroom_0060/rgb_00043.jpg /bedroom_0060/sync_depth_00043.png 518.8579 +/bathroom_0013/rgb_00004.jpg /bathroom_0013/sync_depth_00004.png 518.8579 +/living_room_0004/rgb_00143.jpg /living_room_0004/sync_depth_00143.png 518.8579 +/nyu_office_0/rgb_00280.jpg /nyu_office_0/sync_depth_00280.png 518.8579 +/furniture_store_0002a/rgb_00133.jpg /furniture_store_0002a/sync_depth_00133.png 518.8579 +/bathroom_0005/rgb_00054.jpg /bathroom_0005/sync_depth_00054.png 518.8579 +/bookstore_0001j/rgb_00256.jpg /bookstore_0001j/sync_depth_00256.png 518.8579 +/dining_room_0010/rgb_00111.jpg /dining_room_0010/sync_depth_00111.png 518.8579 +/living_room_0018/rgb_00197.jpg /living_room_0018/sync_depth_00197.png 518.8579 +/dining_room_0001b/rgb_00098.jpg /dining_room_0001b/sync_depth_00098.png 518.8579 +/kitchen_0050/rgb_00067.jpg /kitchen_0050/sync_depth_00067.png 518.8579 +/living_room_0062/rgb_00157.jpg /living_room_0062/sync_depth_00157.png 518.8579 +/bedroom_0042/rgb_00034.jpg /bedroom_0042/sync_depth_00034.png 518.8579 +/office_0018/rgb_00037.jpg /office_0018/sync_depth_00037.png 518.8579 +/bookstore_0001e/rgb_00148.jpg /bookstore_0001e/sync_depth_00148.png 518.8579 +/dining_room_0031/rgb_00216.jpg /dining_room_0031/sync_depth_00216.png 518.8579 +/bookstore_0001f/rgb_00438.jpg /bookstore_0001f/sync_depth_00438.png 518.8579 +/dining_room_0031/rgb_00002.jpg /dining_room_0031/sync_depth_00002.png 518.8579 +/dining_room_0007/rgb_00235.jpg /dining_room_0007/sync_depth_00235.png 518.8579 +/kitchen_0060/rgb_00164.jpg /kitchen_0060/sync_depth_00164.png 518.8579 +/bedroom_0031/rgb_00029.jpg /bedroom_0031/sync_depth_00029.png 518.8579 +/home_storage_0001/rgb_00050.jpg /home_storage_0001/sync_depth_00050.png 518.8579 +/dining_room_0012/rgb_00133.jpg /dining_room_0012/sync_depth_00133.png 518.8579 +/bedroom_0015/rgb_00068.jpg /bedroom_0015/sync_depth_00068.png 518.8579 +/living_room_0055/rgb_00047.jpg /living_room_0055/sync_depth_00047.png 518.8579 +/bedroom_0104/rgb_00057.jpg /bedroom_0104/sync_depth_00057.png 518.8579 +/dining_room_0028/rgb_00098.jpg /dining_room_0028/sync_depth_00098.png 518.8579 +/reception_room_0002/rgb_00145.jpg /reception_room_0002/sync_depth_00145.png 518.8579 +/kitchen_0059/rgb_00057.jpg /kitchen_0059/sync_depth_00057.png 518.8579 +/nyu_office_1/rgb_00015.jpg /nyu_office_1/sync_depth_00015.png 518.8579 +/home_office_0007/rgb_00028.jpg /home_office_0007/sync_depth_00028.png 518.8579 +/bedroom_0019/rgb_00127.jpg /bedroom_0019/sync_depth_00127.png 518.8579 +/playroom_0003/rgb_00128.jpg /playroom_0003/sync_depth_00128.png 518.8579 +/kitchen_0050/rgb_00045.jpg /kitchen_0050/sync_depth_00045.png 518.8579 +/classroom_0022/rgb_00115.jpg /classroom_0022/sync_depth_00115.png 518.8579 +/living_room_0020/rgb_00080.jpg /living_room_0020/sync_depth_00080.png 518.8579 +/playroom_0003/rgb_00077.jpg /playroom_0003/sync_depth_00077.png 518.8579 +/living_room_0010/rgb_00149.jpg /living_room_0010/sync_depth_00149.png 518.8579 +/bookstore_0001e/rgb_00164.jpg /bookstore_0001e/sync_depth_00164.png 518.8579 +/bedroom_0042/rgb_00041.jpg /bedroom_0042/sync_depth_00041.png 518.8579 +/kitchen_0010/rgb_00075.jpg /kitchen_0010/sync_depth_00075.png 518.8579 +/dining_room_0031/rgb_00060.jpg /dining_room_0031/sync_depth_00060.png 518.8579 +/living_room_0020/rgb_00128.jpg /living_room_0020/sync_depth_00128.png 518.8579 +/living_room_0078/rgb_00133.jpg /living_room_0078/sync_depth_00133.png 518.8579 +/kitchen_0028a/rgb_00002.jpg /kitchen_0028a/sync_depth_00002.png 518.8579 +/kitchen_0029c/rgb_00019.jpg /kitchen_0029c/sync_depth_00019.png 518.8579 +/living_room_0010/rgb_00005.jpg /living_room_0010/sync_depth_00005.png 518.8579 +/bookstore_0001d/rgb_00191.jpg /bookstore_0001d/sync_depth_00191.png 518.8579 +/living_room_0047b/rgb_00130.jpg /living_room_0047b/sync_depth_00130.png 518.8579 +/cafe_0001b/rgb_00023.jpg /cafe_0001b/sync_depth_00023.png 518.8579 +/bathroom_0013/rgb_00027.jpg /bathroom_0013/sync_depth_00027.png 518.8579 +/dining_room_0016/rgb_00032.jpg /dining_room_0016/sync_depth_00032.png 518.8579 +/living_room_0046b/rgb_00090.jpg /living_room_0046b/sync_depth_00090.png 518.8579 +/furniture_store_0002b/rgb_00186.jpg /furniture_store_0002b/sync_depth_00186.png 518.8579 +/bedroom_0071/rgb_00180.jpg /bedroom_0071/sync_depth_00180.png 518.8579 +/living_room_0047b/rgb_00059.jpg /living_room_0047b/sync_depth_00059.png 518.8579 +/home_storage_0001/rgb_00024.jpg /home_storage_0001/sync_depth_00024.png 518.8579 +/bedroom_0010/rgb_00057.jpg /bedroom_0010/sync_depth_00057.png 518.8579 +/office_0024/rgb_00119.jpg /office_0024/sync_depth_00119.png 518.8579 +/bedroom_0136/rgb_00129.jpg /bedroom_0136/sync_depth_00129.png 518.8579 +/kitchen_0029c/rgb_00082.jpg /kitchen_0029c/sync_depth_00082.png 518.8579 +/kitchen_0028a/rgb_00008.jpg /kitchen_0028a/sync_depth_00008.png 518.8579 +/bedroom_0136/rgb_00023.jpg /bedroom_0136/sync_depth_00023.png 518.8579 +/office_0003/rgb_00027.jpg /office_0003/sync_depth_00027.png 518.8579 +/kitchen_0048/rgb_00011.jpg /kitchen_0048/sync_depth_00011.png 518.8579 +/kitchen_0052/rgb_00093.jpg /kitchen_0052/sync_depth_00093.png 518.8579 +/kitchen_0043/rgb_00094.jpg /kitchen_0043/sync_depth_00094.png 518.8579 +/bedroom_0033/rgb_00117.jpg /bedroom_0033/sync_depth_00117.png 518.8579 +/dining_room_0010/rgb_00060.jpg /dining_room_0010/sync_depth_00060.png 518.8579 +/office_0024/rgb_00054.jpg /office_0024/sync_depth_00054.png 518.8579 +/bedroom_0004/rgb_00021.jpg /bedroom_0004/sync_depth_00021.png 518.8579 +/living_room_0042b/rgb_00043.jpg /living_room_0042b/sync_depth_00043.png 518.8579 +/bathroom_0048/rgb_00071.jpg /bathroom_0048/sync_depth_00071.png 518.8579 +/excercise_room_0001/rgb_00068.jpg /excercise_room_0001/sync_depth_00068.png 518.8579 +/living_room_0050/rgb_00166.jpg /living_room_0050/sync_depth_00166.png 518.8579 +/nyu_office_0/rgb_00369.jpg /nyu_office_0/sync_depth_00369.png 518.8579 +/dining_room_0010/rgb_00098.jpg /dining_room_0010/sync_depth_00098.png 518.8579 +/bookstore_0001g/rgb_00278.jpg /bookstore_0001g/sync_depth_00278.png 518.8579 +/living_room_0058/rgb_00154.jpg /living_room_0058/sync_depth_00154.png 518.8579 +/kitchen_0037/rgb_00000.jpg /kitchen_0037/sync_depth_00000.png 518.8579 +/dining_room_0016/rgb_00036.jpg /dining_room_0016/sync_depth_00036.png 518.8579 +/living_room_0069a/rgb_00073.jpg /living_room_0069a/sync_depth_00073.png 518.8579 +/kitchen_0037/rgb_00042.jpg /kitchen_0037/sync_depth_00042.png 518.8579 +/dining_room_0014/rgb_00054.jpg /dining_room_0014/sync_depth_00054.png 518.8579 +/bookstore_0001f/rgb_00094.jpg /bookstore_0001f/sync_depth_00094.png 518.8579 +/bedroom_0100/rgb_00004.jpg /bedroom_0100/sync_depth_00004.png 518.8579 +/basement_0001b/rgb_00038.jpg /basement_0001b/sync_depth_00038.png 518.8579 +/living_room_0012/rgb_00216.jpg /living_room_0012/sync_depth_00216.png 518.8579 +/bedroom_0081/rgb_00031.jpg /bedroom_0081/sync_depth_00031.png 518.8579 +/conference_room_0001/rgb_00061.jpg /conference_room_0001/sync_depth_00061.png 518.8579 +/bedroom_0012/rgb_00034.jpg /bedroom_0012/sync_depth_00034.png 518.8579 +/office_0012/rgb_00068.jpg /office_0012/sync_depth_00068.png 518.8579 +/dining_room_0019/rgb_00153.jpg /dining_room_0019/sync_depth_00153.png 518.8579 +/living_room_0039/rgb_00051.jpg /living_room_0039/sync_depth_00051.png 518.8579 +/bookstore_0001i/rgb_00104.jpg /bookstore_0001i/sync_depth_00104.png 518.8579 +/bedroom_0126/rgb_00018.jpg /bedroom_0126/sync_depth_00018.png 518.8579 +/bedroom_0004/rgb_00112.jpg /bedroom_0004/sync_depth_00112.png 518.8579 +/living_room_0058/rgb_00024.jpg /living_room_0058/sync_depth_00024.png 518.8579 +/dining_room_0013/rgb_00200.jpg /dining_room_0013/sync_depth_00200.png 518.8579 +/nyu_office_0/rgb_00296.jpg /nyu_office_0/sync_depth_00296.png 518.8579 +/living_room_0040/rgb_00104.jpg /living_room_0040/sync_depth_00104.png 518.8579 +/kitchen_0033/rgb_00107.jpg /kitchen_0033/sync_depth_00107.png 518.8579 +/bedroom_0025/rgb_00084.jpg /bedroom_0025/sync_depth_00084.png 518.8579 +/kitchen_0016/rgb_00081.jpg /kitchen_0016/sync_depth_00081.png 518.8579 +/bedroom_0021/rgb_00075.jpg /bedroom_0021/sync_depth_00075.png 518.8579 +/dining_room_0024/rgb_00043.jpg /dining_room_0024/sync_depth_00043.png 518.8579 +/nyu_office_0/rgb_00083.jpg /nyu_office_0/sync_depth_00083.png 518.8579 +/living_room_0018/rgb_00068.jpg /living_room_0018/sync_depth_00068.png 518.8579 +/bathroom_0030/rgb_00003.jpg /bathroom_0030/sync_depth_00003.png 518.8579 +/furniture_store_0001e/rgb_00064.jpg /furniture_store_0001e/sync_depth_00064.png 518.8579 +/furniture_store_0002a/rgb_00298.jpg /furniture_store_0002a/sync_depth_00298.png 518.8579 +/bedroom_0072/rgb_00067.jpg /bedroom_0072/sync_depth_00067.png 518.8579 +/bathroom_0045a/rgb_00045.jpg /bathroom_0045a/sync_depth_00045.png 518.8579 +/living_room_0018/rgb_00114.jpg /living_room_0018/sync_depth_00114.png 518.8579 +/living_room_0039/rgb_00028.jpg /living_room_0039/sync_depth_00028.png 518.8579 +/furniture_store_0002a/rgb_00021.jpg /furniture_store_0002a/sync_depth_00021.png 518.8579 +/living_room_0005/rgb_00033.jpg /living_room_0005/sync_depth_00033.png 518.8579 +/home_office_0005/rgb_00061.jpg /home_office_0005/sync_depth_00061.png 518.8579 +/dining_room_0016/rgb_00198.jpg /dining_room_0016/sync_depth_00198.png 518.8579 +/kitchen_0033/rgb_00042.jpg /kitchen_0033/sync_depth_00042.png 518.8579 +/bathroom_0055/rgb_00039.jpg /bathroom_0055/sync_depth_00039.png 518.8579 +/bedroom_0079/rgb_00018.jpg /bedroom_0079/sync_depth_00018.png 518.8579 +/bedroom_0004/rgb_00111.jpg /bedroom_0004/sync_depth_00111.png 518.8579 +/living_room_0050/rgb_00150.jpg /living_room_0050/sync_depth_00150.png 518.8579 +/living_room_0055/rgb_00084.jpg /living_room_0055/sync_depth_00084.png 518.8579 +/printer_room_0001/rgb_00021.jpg /printer_room_0001/sync_depth_00021.png 518.8579 +/dining_room_0023/rgb_00042.jpg /dining_room_0023/sync_depth_00042.png 518.8579 +/bedroom_0004/rgb_00146.jpg /bedroom_0004/sync_depth_00146.png 518.8579 +/dining_room_0007/rgb_00131.jpg /dining_room_0007/sync_depth_00131.png 518.8579 +/bedroom_0056b/rgb_00029.jpg /bedroom_0056b/sync_depth_00029.png 518.8579 +/dining_room_0016/rgb_00192.jpg /dining_room_0016/sync_depth_00192.png 518.8579 +/bedroom_0132/rgb_00005.jpg /bedroom_0132/sync_depth_00005.png 518.8579 +/bedroom_0034/rgb_00028.jpg /bedroom_0034/sync_depth_00028.png 518.8579 +/kitchen_0017/rgb_00087.jpg /kitchen_0017/sync_depth_00087.png 518.8579 +/bedroom_0015/rgb_00089.jpg /bedroom_0015/sync_depth_00089.png 518.8579 +/kitchen_0045a/rgb_00197.jpg /kitchen_0045a/sync_depth_00197.png 518.8579 +/student_lounge_0001/rgb_00127.jpg /student_lounge_0001/sync_depth_00127.png 518.8579 +/living_room_0047b/rgb_00190.jpg /living_room_0047b/sync_depth_00190.png 518.8579 +/playroom_0003/rgb_00217.jpg /playroom_0003/sync_depth_00217.png 518.8579 +/dining_room_0031/rgb_00303.jpg /dining_room_0031/sync_depth_00303.png 518.8579 +/dining_room_0019/rgb_00118.jpg /dining_room_0019/sync_depth_00118.png 518.8579 +/dining_room_0031/rgb_00316.jpg /dining_room_0031/sync_depth_00316.png 518.8579 +/living_room_0042b/rgb_00053.jpg /living_room_0042b/sync_depth_00053.png 518.8579 +/kitchen_0049/rgb_00211.jpg /kitchen_0049/sync_depth_00211.png 518.8579 +/bedroom_0072/rgb_00099.jpg /bedroom_0072/sync_depth_00099.png 518.8579 +/bookstore_0001d/rgb_00311.jpg /bookstore_0001d/sync_depth_00311.png 518.8579 +/study_room_0005a/rgb_00005.jpg /study_room_0005a/sync_depth_00005.png 518.8579 +/bookstore_0001g/rgb_00031.jpg /bookstore_0001g/sync_depth_00031.png 518.8579 +/home_office_0011/rgb_00013.jpg /home_office_0011/sync_depth_00013.png 518.8579 +/living_room_0022/rgb_00066.jpg /living_room_0022/sync_depth_00066.png 518.8579 +/bedroom_0057/rgb_00039.jpg /bedroom_0057/sync_depth_00039.png 518.8579 +/living_room_0047b/rgb_00162.jpg /living_room_0047b/sync_depth_00162.png 518.8579 +/bookstore_0001d/rgb_00289.jpg /bookstore_0001d/sync_depth_00289.png 518.8579 +/bookstore_0001e/rgb_00021.jpg /bookstore_0001e/sync_depth_00021.png 518.8579 +/home_storage_0001/rgb_00008.jpg /home_storage_0001/sync_depth_00008.png 518.8579 +/kitchen_0029a/rgb_00037.jpg /kitchen_0029a/sync_depth_00037.png 518.8579 +/dining_room_0016/rgb_00007.jpg /dining_room_0016/sync_depth_00007.png 518.8579 +/reception_room_0002/rgb_00053.jpg /reception_room_0002/sync_depth_00053.png 518.8579 +/living_room_0020/rgb_00200.jpg /living_room_0020/sync_depth_00200.png 518.8579 +/dining_room_0015/rgb_00173.jpg /dining_room_0015/sync_depth_00173.png 518.8579 +/kitchen_0049/rgb_00217.jpg /kitchen_0049/sync_depth_00217.png 518.8579 +/kitchen_0031/rgb_00083.jpg /kitchen_0031/sync_depth_00083.png 518.8579 +/bookstore_0001i/rgb_00091.jpg /bookstore_0001i/sync_depth_00091.png 518.8579 +/bedroom_0074/rgb_00124.jpg /bedroom_0074/sync_depth_00124.png 518.8579 +/bedroom_0056a/rgb_00057.jpg /bedroom_0056a/sync_depth_00057.png 518.8579 +/kitchen_0017/rgb_00034.jpg /kitchen_0017/sync_depth_00034.png 518.8579 +/cafe_0001c/rgb_00042.jpg /cafe_0001c/sync_depth_00042.png 518.8579 +/bedroom_0059/rgb_00024.jpg /bedroom_0059/sync_depth_00024.png 518.8579 +/living_room_0083/rgb_00063.jpg /living_room_0083/sync_depth_00063.png 518.8579 +/basement_0001a/rgb_00021.jpg /basement_0001a/sync_depth_00021.png 518.8579 +/bathroom_0030/rgb_00053.jpg /bathroom_0030/sync_depth_00053.png 518.8579 +/home_office_0011/rgb_00049.jpg /home_office_0011/sync_depth_00049.png 518.8579 +/kitchen_0006/rgb_00019.jpg /kitchen_0006/sync_depth_00019.png 518.8579 +/furniture_store_0002b/rgb_00221.jpg /furniture_store_0002b/sync_depth_00221.png 518.8579 +/living_room_0040/rgb_00219.jpg /living_room_0040/sync_depth_00219.png 518.8579 +/office_0004/rgb_00008.jpg /office_0004/sync_depth_00008.png 518.8579 +/playroom_0003/rgb_00006.jpg /playroom_0003/sync_depth_00006.png 518.8579 +/home_office_0008/rgb_00153.jpg /home_office_0008/sync_depth_00153.png 518.8579 +/bookstore_0001d/rgb_00078.jpg /bookstore_0001d/sync_depth_00078.png 518.8579 +/student_lounge_0001/rgb_00261.jpg /student_lounge_0001/sync_depth_00261.png 518.8579 +/dining_room_0019/rgb_00020.jpg /dining_room_0019/sync_depth_00020.png 518.8579 +/living_room_0040/rgb_00141.jpg /living_room_0040/sync_depth_00141.png 518.8579 +/dining_room_0007/rgb_00200.jpg /dining_room_0007/sync_depth_00200.png 518.8579 +/bedroom_0015/rgb_00077.jpg /bedroom_0015/sync_depth_00077.png 518.8579 +/bookstore_0001j/rgb_00243.jpg /bookstore_0001j/sync_depth_00243.png 518.8579 +/classroom_0003/rgb_00014.jpg /classroom_0003/sync_depth_00014.png 518.8579 +/living_room_0010/rgb_00119.jpg /living_room_0010/sync_depth_00119.png 518.8579 +/kitchen_0049/rgb_00161.jpg /kitchen_0049/sync_depth_00161.png 518.8579 +/bedroom_0106/rgb_00008.jpg /bedroom_0106/sync_depth_00008.png 518.8579 +/office_kitchen_0001b/rgb_00000.jpg /office_kitchen_0001b/sync_depth_00000.png 518.8579 +/living_room_0022/rgb_00362.jpg /living_room_0022/sync_depth_00362.png 518.8579 +/kitchen_0003/rgb_00154.jpg /kitchen_0003/sync_depth_00154.png 518.8579 +/dining_room_0012/rgb_00066.jpg /dining_room_0012/sync_depth_00066.png 518.8579 +/home_office_0008/rgb_00099.jpg /home_office_0008/sync_depth_00099.png 518.8579 +/dining_room_0028/rgb_00078.jpg /dining_room_0028/sync_depth_00078.png 518.8579 +/bedroom_0074/rgb_00097.jpg /bedroom_0074/sync_depth_00097.png 518.8579 +/bedroom_0125a/rgb_00000.jpg /bedroom_0125a/sync_depth_00000.png 518.8579 +/nyu_office_1/rgb_00103.jpg /nyu_office_1/sync_depth_00103.png 518.8579 +/bedroom_0045/rgb_00012.jpg /bedroom_0045/sync_depth_00012.png 518.8579 +/office_0018/rgb_00015.jpg /office_0018/sync_depth_00015.png 518.8579 +/dining_room_0004/rgb_00055.jpg /dining_room_0004/sync_depth_00055.png 518.8579 +/bedroom_0017/rgb_00135.jpg /bedroom_0017/sync_depth_00135.png 518.8579 +/kitchen_0049/rgb_00231.jpg /kitchen_0049/sync_depth_00231.png 518.8579 +/dining_room_0029/rgb_00016.jpg /dining_room_0029/sync_depth_00016.png 518.8579 +/kitchen_0047/rgb_00076.jpg /kitchen_0047/sync_depth_00076.png 518.8579 +/bedroom_0016/rgb_00097.jpg /bedroom_0016/sync_depth_00097.png 518.8579 +/kitchen_0051/rgb_00122.jpg /kitchen_0051/sync_depth_00122.png 518.8579 +/bedroom_0025/rgb_00038.jpg /bedroom_0025/sync_depth_00038.png 518.8579 +/kitchen_0006/rgb_00032.jpg /kitchen_0006/sync_depth_00032.png 518.8579 +/kitchen_0019a/rgb_00170.jpg /kitchen_0019a/sync_depth_00170.png 518.8579 +/living_room_0039/rgb_00139.jpg /living_room_0039/sync_depth_00139.png 518.8579 +/bedroom_0026/rgb_00080.jpg /bedroom_0026/sync_depth_00080.png 518.8579 +/dining_room_0012/rgb_00084.jpg /dining_room_0012/sync_depth_00084.png 518.8579 +/kitchen_0006/rgb_00037.jpg /kitchen_0006/sync_depth_00037.png 518.8579 +/kitchen_0048/rgb_00267.jpg /kitchen_0048/sync_depth_00267.png 518.8579 +/study_room_0005b/rgb_00090.jpg /study_room_0005b/sync_depth_00090.png 518.8579 +/furniture_store_0002a/rgb_00233.jpg /furniture_store_0002a/sync_depth_00233.png 518.8579 +/dinette_0001/rgb_00077.jpg /dinette_0001/sync_depth_00077.png 518.8579 +/bedroom_0017/rgb_00055.jpg /bedroom_0017/sync_depth_00055.png 518.8579 +/office_0003/rgb_00044.jpg /office_0003/sync_depth_00044.png 518.8579 +/kitchen_0019a/rgb_00080.jpg /kitchen_0019a/sync_depth_00080.png 518.8579 +/dining_room_0008/rgb_00180.jpg /dining_room_0008/sync_depth_00180.png 518.8579 +/living_room_0032/rgb_00008.jpg /living_room_0032/sync_depth_00008.png 518.8579 +/playroom_0002/rgb_00069.jpg /playroom_0002/sync_depth_00069.png 518.8579 +/classroom_0004/rgb_00094.jpg /classroom_0004/sync_depth_00094.png 518.8579 +/kitchen_0049/rgb_00214.jpg /kitchen_0049/sync_depth_00214.png 518.8579 +/kitchen_0033/rgb_00048.jpg /kitchen_0033/sync_depth_00048.png 518.8579 +/bedroom_0016/rgb_00206.jpg /bedroom_0016/sync_depth_00206.png 518.8579 +/office_0026/rgb_00020.jpg /office_0026/sync_depth_00020.png 518.8579 +/bedroom_0069/rgb_00038.jpg /bedroom_0069/sync_depth_00038.png 518.8579 +/playroom_0002/rgb_00034.jpg /playroom_0002/sync_depth_00034.png 518.8579 +/student_lounge_0001/rgb_00253.jpg /student_lounge_0001/sync_depth_00253.png 518.8579 +/playroom_0003/rgb_00162.jpg /playroom_0003/sync_depth_00162.png 518.8579 +/bedroom_0124/rgb_00039.jpg /bedroom_0124/sync_depth_00039.png 518.8579 +/bookstore_0001f/rgb_00348.jpg /bookstore_0001f/sync_depth_00348.png 518.8579 +/study_room_0005b/rgb_00046.jpg /study_room_0005b/sync_depth_00046.png 518.8579 +/kitchen_0053/rgb_00191.jpg /kitchen_0053/sync_depth_00191.png 518.8579 +/playroom_0003/rgb_00104.jpg /playroom_0003/sync_depth_00104.png 518.8579 +/bookstore_0001d/rgb_00142.jpg /bookstore_0001d/sync_depth_00142.png 518.8579 +/reception_room_0001b/rgb_00032.jpg /reception_room_0001b/sync_depth_00032.png 518.8579 +/playroom_0004/rgb_00110.jpg /playroom_0004/sync_depth_00110.png 518.8579 +/dining_room_0031/rgb_00212.jpg /dining_room_0031/sync_depth_00212.png 518.8579 +/living_room_0070/rgb_00075.jpg /living_room_0070/sync_depth_00075.png 518.8579 +/living_room_0062/rgb_00138.jpg /living_room_0062/sync_depth_00138.png 518.8579 +/office_kitchen_0003/rgb_00030.jpg /office_kitchen_0003/sync_depth_00030.png 518.8579 +/bookstore_0001e/rgb_00032.jpg /bookstore_0001e/sync_depth_00032.png 518.8579 +/dining_room_0023/rgb_00122.jpg /dining_room_0023/sync_depth_00122.png 518.8579 +/bookstore_0001j/rgb_00198.jpg /bookstore_0001j/sync_depth_00198.png 518.8579 +/office_0012/rgb_00105.jpg /office_0012/sync_depth_00105.png 518.8579 +/bedroom_0125b/rgb_00081.jpg /bedroom_0125b/sync_depth_00081.png 518.8579 +/furniture_store_0001d/rgb_00006.jpg /furniture_store_0001d/sync_depth_00006.png 518.8579 +/bookstore_0001g/rgb_00012.jpg /bookstore_0001g/sync_depth_00012.png 518.8579 +/kitchen_0050/rgb_00166.jpg /kitchen_0050/sync_depth_00166.png 518.8579 +/living_room_0011/rgb_00055.jpg /living_room_0011/sync_depth_00055.png 518.8579 +/bathroom_0048/rgb_00100.jpg /bathroom_0048/sync_depth_00100.png 518.8579 +/furniture_store_0002a/rgb_00001.jpg /furniture_store_0002a/sync_depth_00001.png 518.8579 +/bookstore_0001e/rgb_00115.jpg /bookstore_0001e/sync_depth_00115.png 518.8579 +/bedroom_0086/rgb_00098.jpg /bedroom_0086/sync_depth_00098.png 518.8579 +/bathroom_0048/rgb_00089.jpg /bathroom_0048/sync_depth_00089.png 518.8579 +/office_0026/rgb_00039.jpg /office_0026/sync_depth_00039.png 518.8579 +/living_room_0004/rgb_00145.jpg /living_room_0004/sync_depth_00145.png 518.8579 +/dining_room_0015/rgb_00032.jpg /dining_room_0015/sync_depth_00032.png 518.8579 +/conference_room_0001/rgb_00000.jpg /conference_room_0001/sync_depth_00000.png 518.8579 +/bedroom_0118/rgb_00028.jpg /bedroom_0118/sync_depth_00028.png 518.8579 +/living_room_0018/rgb_00026.jpg /living_room_0018/sync_depth_00026.png 518.8579 +/living_room_0022/rgb_00126.jpg /living_room_0022/sync_depth_00126.png 518.8579 +/bedroom_0100/rgb_00026.jpg /bedroom_0100/sync_depth_00026.png 518.8579 +/bathroom_0056/rgb_00037.jpg /bathroom_0056/sync_depth_00037.png 518.8579 +/kitchen_0043/rgb_00260.jpg /kitchen_0043/sync_depth_00260.png 518.8579 +/office_0026/rgb_00087.jpg /office_0026/sync_depth_00087.png 518.8579 +/dining_room_0015/rgb_00063.jpg /dining_room_0015/sync_depth_00063.png 518.8579 +/bookstore_0001j/rgb_00201.jpg /bookstore_0001j/sync_depth_00201.png 518.8579 +/bedroom_0026/rgb_00096.jpg /bedroom_0026/sync_depth_00096.png 518.8579 +/living_room_0062/rgb_00167.jpg /living_room_0062/sync_depth_00167.png 518.8579 +/kitchen_0031/rgb_00045.jpg /kitchen_0031/sync_depth_00045.png 518.8579 +/living_room_0042b/rgb_00054.jpg /living_room_0042b/sync_depth_00054.png 518.8579 +/living_room_0006/rgb_00007.jpg /living_room_0006/sync_depth_00007.png 518.8579 +/bookstore_0001h/rgb_00045.jpg /bookstore_0001h/sync_depth_00045.png 518.8579 +/office_0021/rgb_00042.jpg /office_0021/sync_depth_00042.png 518.8579 +/kitchen_0010/rgb_00126.jpg /kitchen_0010/sync_depth_00126.png 518.8579 +/student_lounge_0001/rgb_00258.jpg /student_lounge_0001/sync_depth_00258.png 518.8579 +/playroom_0003/rgb_00099.jpg /playroom_0003/sync_depth_00099.png 518.8579 +/home_office_0013/rgb_00049.jpg /home_office_0013/sync_depth_00049.png 518.8579 +/bedroom_0074/rgb_00117.jpg /bedroom_0074/sync_depth_00117.png 518.8579 +/bedroom_0098/rgb_00049.jpg /bedroom_0098/sync_depth_00049.png 518.8579 +/office_kitchen_0001a/rgb_00062.jpg /office_kitchen_0001a/sync_depth_00062.png 518.8579 +/kitchen_0029b/rgb_00042.jpg /kitchen_0029b/sync_depth_00042.png 518.8579 +/living_room_0020/rgb_00115.jpg /living_room_0020/sync_depth_00115.png 518.8579 +/bedroom_0017/rgb_00081.jpg /bedroom_0017/sync_depth_00081.png 518.8579 +/bookstore_0001g/rgb_00030.jpg /bookstore_0001g/sync_depth_00030.png 518.8579 +/living_room_0078/rgb_00034.jpg /living_room_0078/sync_depth_00034.png 518.8579 +/kitchen_0031/rgb_00123.jpg /kitchen_0031/sync_depth_00123.png 518.8579 +/kitchen_0029c/rgb_00038.jpg /kitchen_0029c/sync_depth_00038.png 518.8579 +/classroom_0010/rgb_00047.jpg /classroom_0010/sync_depth_00047.png 518.8579 +/living_room_0055/rgb_00015.jpg /living_room_0055/sync_depth_00015.png 518.8579 +/furniture_store_0002b/rgb_00174.jpg /furniture_store_0002b/sync_depth_00174.png 518.8579 +/nyu_office_0/rgb_00267.jpg /nyu_office_0/sync_depth_00267.png 518.8579 +/bedroom_0010/rgb_00125.jpg /bedroom_0010/sync_depth_00125.png 518.8579 +/bedroom_0104/rgb_00052.jpg /bedroom_0104/sync_depth_00052.png 518.8579 +/bedroom_0120/rgb_00065.jpg /bedroom_0120/sync_depth_00065.png 518.8579 +/living_room_0022/rgb_00428.jpg /living_room_0022/sync_depth_00428.png 518.8579 +/office_kitchen_0001a/rgb_00072.jpg /office_kitchen_0001a/sync_depth_00072.png 518.8579 +/bedroom_0010/rgb_00043.jpg /bedroom_0010/sync_depth_00043.png 518.8579 +/bedroom_0074/rgb_00116.jpg /bedroom_0074/sync_depth_00116.png 518.8579 +/bedroom_0026/rgb_00044.jpg /bedroom_0026/sync_depth_00044.png 518.8579 +/living_room_0010/rgb_00199.jpg /living_room_0010/sync_depth_00199.png 518.8579 +/office_0011/rgb_00123.jpg /office_0011/sync_depth_00123.png 518.8579 +/bedroom_0140/rgb_00144.jpg /bedroom_0140/sync_depth_00144.png 518.8579 +/kitchen_0047/rgb_00126.jpg /kitchen_0047/sync_depth_00126.png 518.8579 +/living_room_0019/rgb_00229.jpg /living_room_0019/sync_depth_00229.png 518.8579 +/bedroom_0015/rgb_00061.jpg /bedroom_0015/sync_depth_00061.png 518.8579 +/office_kitchen_0001a/rgb_00078.jpg /office_kitchen_0001a/sync_depth_00078.png 518.8579 +/kitchen_0043/rgb_00177.jpg /kitchen_0043/sync_depth_00177.png 518.8579 +/playroom_0003/rgb_00061.jpg /playroom_0003/sync_depth_00061.png 518.8579 +/bedroom_0120/rgb_00033.jpg /bedroom_0120/sync_depth_00033.png 518.8579 +/dining_room_0014/rgb_00119.jpg /dining_room_0014/sync_depth_00119.png 518.8579 +/kitchen_0048/rgb_00057.jpg /kitchen_0048/sync_depth_00057.png 518.8579 +/classroom_0004/rgb_00091.jpg /classroom_0004/sync_depth_00091.png 518.8579 +/kitchen_0016/rgb_00102.jpg /kitchen_0016/sync_depth_00102.png 518.8579 +/living_room_0047b/rgb_00160.jpg /living_room_0047b/sync_depth_00160.png 518.8579 +/living_room_0038/rgb_00000.jpg /living_room_0038/sync_depth_00000.png 518.8579 +/home_storage_0001/rgb_00063.jpg /home_storage_0001/sync_depth_00063.png 518.8579 +/bedroom_0047/rgb_00044.jpg /bedroom_0047/sync_depth_00044.png 518.8579 +/bedroom_0059/rgb_00025.jpg /bedroom_0059/sync_depth_00025.png 518.8579 +/playroom_0006/rgb_00066.jpg /playroom_0006/sync_depth_00066.png 518.8579 +/bedroom_0078/rgb_00028.jpg /bedroom_0078/sync_depth_00028.png 518.8579 +/bedroom_0081/rgb_00022.jpg /bedroom_0081/sync_depth_00022.png 518.8579 +/bedroom_0019/rgb_00048.jpg /bedroom_0019/sync_depth_00048.png 518.8579 +/reception_room_0002/rgb_00055.jpg /reception_room_0002/sync_depth_00055.png 518.8579 +/bedroom_0125b/rgb_00006.jpg /bedroom_0125b/sync_depth_00006.png 518.8579 +/living_room_0047a/rgb_00062.jpg /living_room_0047a/sync_depth_00062.png 518.8579 +/living_room_0018/rgb_00079.jpg /living_room_0018/sync_depth_00079.png 518.8579 +/dining_room_0034/rgb_00063.jpg /dining_room_0034/sync_depth_00063.png 518.8579 +/living_room_0047b/rgb_00165.jpg /living_room_0047b/sync_depth_00165.png 518.8579 +/dining_room_0014/rgb_00003.jpg /dining_room_0014/sync_depth_00003.png 518.8579 +/dining_room_0034/rgb_00001.jpg /dining_room_0034/sync_depth_00001.png 518.8579 +/kitchen_0031/rgb_00040.jpg /kitchen_0031/sync_depth_00040.png 518.8579 +/kitchen_0037/rgb_00088.jpg /kitchen_0037/sync_depth_00088.png 518.8579 +/dining_room_0007/rgb_00076.jpg /dining_room_0007/sync_depth_00076.png 518.8579 +/office_0012/rgb_00065.jpg /office_0012/sync_depth_00065.png 518.8579 +/home_office_0008/rgb_00071.jpg /home_office_0008/sync_depth_00071.png 518.8579 +/dining_room_0004/rgb_00027.jpg /dining_room_0004/sync_depth_00027.png 518.8579 +/bathroom_0042/rgb_00039.jpg /bathroom_0042/sync_depth_00039.png 518.8579 +/bedroom_0106/rgb_00070.jpg /bedroom_0106/sync_depth_00070.png 518.8579 +/living_room_0004/rgb_00159.jpg /living_room_0004/sync_depth_00159.png 518.8579 +/kitchen_0037/rgb_00049.jpg /kitchen_0037/sync_depth_00049.png 518.8579 +/bedroom_0078/rgb_00104.jpg /bedroom_0078/sync_depth_00104.png 518.8579 +/kitchen_0028a/rgb_00189.jpg /kitchen_0028a/sync_depth_00189.png 518.8579 +/dining_room_0004/rgb_00009.jpg /dining_room_0004/sync_depth_00009.png 518.8579 +/home_office_0004/rgb_00156.jpg /home_office_0004/sync_depth_00156.png 518.8579 +/living_room_0019/rgb_00016.jpg /living_room_0019/sync_depth_00016.png 518.8579 +/bedroom_0076a/rgb_00038.jpg /bedroom_0076a/sync_depth_00038.png 518.8579 +/kitchen_0019a/rgb_00000.jpg /kitchen_0019a/sync_depth_00000.png 518.8579 +/office_0011/rgb_00040.jpg /office_0011/sync_depth_00040.png 518.8579 +/dining_room_0037/rgb_00081.jpg /dining_room_0037/sync_depth_00081.png 518.8579 +/bathroom_0007/rgb_00117.jpg /bathroom_0007/sync_depth_00117.png 518.8579 +/living_room_0082/rgb_00028.jpg /living_room_0082/sync_depth_00028.png 518.8579 +/bathroom_0002/rgb_00048.jpg /bathroom_0002/sync_depth_00048.png 518.8579 +/classroom_0012/rgb_00000.jpg /classroom_0012/sync_depth_00000.png 518.8579 +/kitchen_0033/rgb_00187.jpg /kitchen_0033/sync_depth_00187.png 518.8579 +/living_room_0062/rgb_00169.jpg /living_room_0062/sync_depth_00169.png 518.8579 +/nyu_office_0/rgb_00277.jpg /nyu_office_0/sync_depth_00277.png 518.8579 +/home_office_0008/rgb_00129.jpg /home_office_0008/sync_depth_00129.png 518.8579 +/dining_room_0014/rgb_00032.jpg /dining_room_0014/sync_depth_00032.png 518.8579 +/kitchen_0035a/rgb_00025.jpg /kitchen_0035a/sync_depth_00025.png 518.8579 +/classroom_0004/rgb_00029.jpg /classroom_0004/sync_depth_00029.png 518.8579 +/kitchen_0037/rgb_00071.jpg /kitchen_0037/sync_depth_00071.png 518.8579 +/bathroom_0055/rgb_00050.jpg /bathroom_0055/sync_depth_00050.png 518.8579 +/bedroom_0052/rgb_00122.jpg /bedroom_0052/sync_depth_00122.png 518.8579 +/home_office_0011/rgb_00086.jpg /home_office_0011/sync_depth_00086.png 518.8579 +/kitchen_0019a/rgb_00278.jpg /kitchen_0019a/sync_depth_00278.png 518.8579 +/bedroom_0020/rgb_00096.jpg /bedroom_0020/sync_depth_00096.png 518.8579 +/dining_room_0019/rgb_00080.jpg /dining_room_0019/sync_depth_00080.png 518.8579 +/dining_room_0031/rgb_00409.jpg /dining_room_0031/sync_depth_00409.png 518.8579 +/office_0004/rgb_00001.jpg /office_0004/sync_depth_00001.png 518.8579 +/bedroom_0025/rgb_00065.jpg /bedroom_0025/sync_depth_00065.png 518.8579 +/kitchen_0019a/rgb_00106.jpg /kitchen_0019a/sync_depth_00106.png 518.8579 +/home_office_0006/rgb_00061.jpg /home_office_0006/sync_depth_00061.png 518.8579 +/dining_room_0015/rgb_00268.jpg /dining_room_0015/sync_depth_00268.png 518.8579 +/bedroom_0040/rgb_00003.jpg /bedroom_0040/sync_depth_00003.png 518.8579 +/kitchen_0011b/rgb_00029.jpg /kitchen_0011b/sync_depth_00029.png 518.8579 +/living_room_0063/rgb_00009.jpg /living_room_0063/sync_depth_00009.png 518.8579 +/kitchen_0041/rgb_00047.jpg /kitchen_0041/sync_depth_00047.png 518.8579 +/office_0011/rgb_00037.jpg /office_0011/sync_depth_00037.png 518.8579 +/kitchen_0017/rgb_00092.jpg /kitchen_0017/sync_depth_00092.png 518.8579 +/bedroom_0025/rgb_00115.jpg /bedroom_0025/sync_depth_00115.png 518.8579 +/kitchen_0045a/rgb_00182.jpg /kitchen_0045a/sync_depth_00182.png 518.8579 +/excercise_room_0001/rgb_00008.jpg /excercise_room_0001/sync_depth_00008.png 518.8579 +/kitchen_0045a/rgb_00128.jpg /kitchen_0045a/sync_depth_00128.png 518.8579 +/kitchen_0045b/rgb_00159.jpg /kitchen_0045b/sync_depth_00159.png 518.8579 +/living_room_0062/rgb_00093.jpg /living_room_0062/sync_depth_00093.png 518.8579 +/classroom_0004/rgb_00042.jpg /classroom_0004/sync_depth_00042.png 518.8579 +/living_room_0058/rgb_00286.jpg /living_room_0058/sync_depth_00286.png 518.8579 +/office_0009/rgb_00070.jpg /office_0009/sync_depth_00070.png 518.8579 +/bathroom_0055/rgb_00062.jpg /bathroom_0055/sync_depth_00062.png 518.8579 +/living_room_0004/rgb_00002.jpg /living_room_0004/sync_depth_00002.png 518.8579 +/bedroom_0138/rgb_00031.jpg /bedroom_0138/sync_depth_00031.png 518.8579 +/dining_room_0037/rgb_00105.jpg /dining_room_0037/sync_depth_00105.png 518.8579 +/living_room_0004/rgb_00025.jpg /living_room_0004/sync_depth_00025.png 518.8579 +/kitchen_0053/rgb_00209.jpg /kitchen_0053/sync_depth_00209.png 518.8579 +/kitchen_0029c/rgb_00024.jpg /kitchen_0029c/sync_depth_00024.png 518.8579 +/bedroom_0026/rgb_00018.jpg /bedroom_0026/sync_depth_00018.png 518.8579 +/kitchen_0050/rgb_00144.jpg /kitchen_0050/sync_depth_00144.png 518.8579 +/bedroom_0017/rgb_00000.jpg /bedroom_0017/sync_depth_00000.png 518.8579 +/bedroom_0136/rgb_00084.jpg /bedroom_0136/sync_depth_00084.png 518.8579 +/bedroom_0120/rgb_00048.jpg /bedroom_0120/sync_depth_00048.png 518.8579 +/study_room_0004/rgb_00203.jpg /study_room_0004/sync_depth_00203.png 518.8579 +/playroom_0006/rgb_00024.jpg /playroom_0006/sync_depth_00024.png 518.8579 +/playroom_0006/rgb_00149.jpg /playroom_0006/sync_depth_00149.png 518.8579 +/living_room_0083/rgb_00107.jpg /living_room_0083/sync_depth_00107.png 518.8579 +/bathroom_0055/rgb_00018.jpg /bathroom_0055/sync_depth_00018.png 518.8579 +/living_room_0011/rgb_00073.jpg /living_room_0011/sync_depth_00073.png 518.8579 +/office_0026/rgb_00019.jpg /office_0026/sync_depth_00019.png 518.8579 +/living_room_0069a/rgb_00048.jpg /living_room_0069a/sync_depth_00048.png 518.8579 +/dining_room_0031/rgb_00063.jpg /dining_room_0031/sync_depth_00063.png 518.8579 +/living_room_0038/rgb_00055.jpg /living_room_0038/sync_depth_00055.png 518.8579 +/cafe_0001b/rgb_00026.jpg /cafe_0001b/sync_depth_00026.png 518.8579 +/nyu_office_1/rgb_00072.jpg /nyu_office_1/sync_depth_00072.png 518.8579 +/bedroom_0130/rgb_00006.jpg /bedroom_0130/sync_depth_00006.png 518.8579 +/bookstore_0001d/rgb_00146.jpg /bookstore_0001d/sync_depth_00146.png 518.8579 +/kitchen_0045a/rgb_00102.jpg /kitchen_0045a/sync_depth_00102.png 518.8579 +/kitchen_0019a/rgb_00147.jpg /kitchen_0019a/sync_depth_00147.png 518.8579 +/bookstore_0001d/rgb_00055.jpg /bookstore_0001d/sync_depth_00055.png 518.8579 +/bedroom_0071/rgb_00148.jpg /bedroom_0071/sync_depth_00148.png 518.8579 +/dining_room_0034/rgb_00184.jpg /dining_room_0034/sync_depth_00184.png 518.8579 +/bedroom_0019/rgb_00172.jpg /bedroom_0019/sync_depth_00172.png 518.8579 +/kitchen_0050/rgb_00014.jpg /kitchen_0050/sync_depth_00014.png 518.8579 +/living_room_0022/rgb_00329.jpg /living_room_0022/sync_depth_00329.png 518.8579 +/office_kitchen_0003/rgb_00093.jpg /office_kitchen_0003/sync_depth_00093.png 518.8579 +/living_room_0019/rgb_00086.jpg /living_room_0019/sync_depth_00086.png 518.8579 +/dining_room_0016/rgb_00059.jpg /dining_room_0016/sync_depth_00059.png 518.8579 +/dining_room_0034/rgb_00095.jpg /dining_room_0034/sync_depth_00095.png 518.8579 +/study_room_0005b/rgb_00080.jpg /study_room_0005b/sync_depth_00080.png 518.8579 +/dining_room_0001b/rgb_00143.jpg /dining_room_0001b/sync_depth_00143.png 518.8579 +/living_room_0078/rgb_00010.jpg /living_room_0078/sync_depth_00010.png 518.8579 +/bedroom_0021/rgb_00073.jpg /bedroom_0021/sync_depth_00073.png 518.8579 +/dining_room_0034/rgb_00204.jpg /dining_room_0034/sync_depth_00204.png 518.8579 +/dining_room_0016/rgb_00169.jpg /dining_room_0016/sync_depth_00169.png 518.8579 +/bookstore_0001e/rgb_00111.jpg /bookstore_0001e/sync_depth_00111.png 518.8579 +/kitchen_0050/rgb_00042.jpg /kitchen_0050/sync_depth_00042.png 518.8579 +/bathroom_0033/rgb_00040.jpg /bathroom_0033/sync_depth_00040.png 518.8579 +/dining_room_0016/rgb_00051.jpg /dining_room_0016/sync_depth_00051.png 518.8579 +/study_room_0004/rgb_00165.jpg /study_room_0004/sync_depth_00165.png 518.8579 +/dining_room_0004/rgb_00022.jpg /dining_room_0004/sync_depth_00022.png 518.8579 +/bookstore_0001g/rgb_00235.jpg /bookstore_0001g/sync_depth_00235.png 518.8579 +/office_0006/rgb_00074.jpg /office_0006/sync_depth_00074.png 518.8579 +/dinette_0001/rgb_00089.jpg /dinette_0001/sync_depth_00089.png 518.8579 +/bedroom_0098/rgb_00008.jpg /bedroom_0098/sync_depth_00008.png 518.8579 +/dining_room_0012/rgb_00163.jpg /dining_room_0012/sync_depth_00163.png 518.8579 +/bathroom_0045a/rgb_00057.jpg /bathroom_0045a/sync_depth_00057.png 518.8579 +/kitchen_0047/rgb_00020.jpg /kitchen_0047/sync_depth_00020.png 518.8579 +/living_room_0058/rgb_00064.jpg /living_room_0058/sync_depth_00064.png 518.8579 +/dining_room_0019/rgb_00164.jpg /dining_room_0019/sync_depth_00164.png 518.8579 +/nyu_office_0/rgb_00276.jpg /nyu_office_0/sync_depth_00276.png 518.8579 +/home_office_0013/rgb_00068.jpg /home_office_0013/sync_depth_00068.png 518.8579 +/kitchen_0053/rgb_00248.jpg /kitchen_0053/sync_depth_00248.png 518.8579 +/bedroom_0140/rgb_00088.jpg /bedroom_0140/sync_depth_00088.png 518.8579 +/conference_room_0001/rgb_00010.jpg /conference_room_0001/sync_depth_00010.png 518.8579 +/excercise_room_0001/rgb_00069.jpg /excercise_room_0001/sync_depth_00069.png 518.8579 +/bedroom_0020/rgb_00111.jpg /bedroom_0020/sync_depth_00111.png 518.8579 +/study_0004/rgb_00006.jpg /study_0004/sync_depth_00006.png 518.8579 +/bedroom_0067b/rgb_00033.jpg /bedroom_0067b/sync_depth_00033.png 518.8579 +/kitchen_0011a/rgb_00138.jpg /kitchen_0011a/sync_depth_00138.png 518.8579 +/bedroom_0052/rgb_00093.jpg /bedroom_0052/sync_depth_00093.png 518.8579 +/home_office_0008/rgb_00096.jpg /home_office_0008/sync_depth_00096.png 518.8579 +/bedroom_0021/rgb_00099.jpg /bedroom_0021/sync_depth_00099.png 518.8579 +/dining_room_0001b/rgb_00028.jpg /dining_room_0001b/sync_depth_00028.png 518.8579 +/kitchen_0043/rgb_00235.jpg /kitchen_0043/sync_depth_00235.png 518.8579 +/bedroom_0017/rgb_00103.jpg /bedroom_0017/sync_depth_00103.png 518.8579 +/living_room_0010/rgb_00137.jpg /living_room_0010/sync_depth_00137.png 518.8579 +/kitchen_0029c/rgb_00079.jpg /kitchen_0029c/sync_depth_00079.png 518.8579 +/bedroom_0138/rgb_00075.jpg /bedroom_0138/sync_depth_00075.png 518.8579 +/kitchen_0051/rgb_00004.jpg /kitchen_0051/sync_depth_00004.png 518.8579 +/living_room_0040/rgb_00320.jpg /living_room_0040/sync_depth_00320.png 518.8579 +/classroom_0022/rgb_00041.jpg /classroom_0022/sync_depth_00041.png 518.8579 +/dining_room_0029/rgb_00066.jpg /dining_room_0029/sync_depth_00066.png 518.8579 +/classroom_0022/rgb_00032.jpg /classroom_0022/sync_depth_00032.png 518.8579 +/bedroom_0132/rgb_00025.jpg /bedroom_0132/sync_depth_00025.png 518.8579 +/cafe_0001c/rgb_00100.jpg /cafe_0001c/sync_depth_00100.png 518.8579 +/living_room_0050/rgb_00284.jpg /living_room_0050/sync_depth_00284.png 518.8579 +/bookstore_0001d/rgb_00129.jpg /bookstore_0001d/sync_depth_00129.png 518.8579 +/classroom_0005/rgb_00037.jpg /classroom_0005/sync_depth_00037.png 518.8579 +/office_0012/rgb_00017.jpg /office_0012/sync_depth_00017.png 518.8579 +/bedroom_0129/rgb_00089.jpg /bedroom_0129/sync_depth_00089.png 518.8579 +/living_room_0004/rgb_00005.jpg /living_room_0004/sync_depth_00005.png 518.8579 +/bookstore_0001g/rgb_00102.jpg /bookstore_0001g/sync_depth_00102.png 518.8579 +/bookstore_0001f/rgb_00211.jpg /bookstore_0001f/sync_depth_00211.png 518.8579 +/kitchen_0060/rgb_00129.jpg /kitchen_0060/sync_depth_00129.png 518.8579 +/conference_room_0001/rgb_00067.jpg /conference_room_0001/sync_depth_00067.png 518.8579 +/living_room_0035/rgb_00058.jpg /living_room_0035/sync_depth_00058.png 518.8579 +/dining_room_0004/rgb_00039.jpg /dining_room_0004/sync_depth_00039.png 518.8579 +/classroom_0006/rgb_00129.jpg /classroom_0006/sync_depth_00129.png 518.8579 +/living_room_0019/rgb_00047.jpg /living_room_0019/sync_depth_00047.png 518.8579 +/bedroom_0014/rgb_00019.jpg /bedroom_0014/sync_depth_00019.png 518.8579 +/bedroom_0041/rgb_00000.jpg /bedroom_0041/sync_depth_00000.png 518.8579 +/living_room_0047b/rgb_00028.jpg /living_room_0047b/sync_depth_00028.png 518.8579 +/dining_room_0013/rgb_00077.jpg /dining_room_0013/sync_depth_00077.png 518.8579 +/dining_room_0001b/rgb_00051.jpg /dining_room_0001b/sync_depth_00051.png 518.8579 +/office_0004/rgb_00091.jpg /office_0004/sync_depth_00091.png 518.8579 +/bathroom_0028/rgb_00104.jpg /bathroom_0028/sync_depth_00104.png 518.8579 +/printer_room_0001/rgb_00014.jpg /printer_room_0001/sync_depth_00014.png 518.8579 +/bedroom_0033/rgb_00099.jpg /bedroom_0033/sync_depth_00099.png 518.8579 +/furniture_store_0002a/rgb_00385.jpg /furniture_store_0002a/sync_depth_00385.png 518.8579 +/dining_room_0014/rgb_00000.jpg /dining_room_0014/sync_depth_00000.png 518.8579 +/kitchen_0029b/rgb_00001.jpg /kitchen_0029b/sync_depth_00001.png 518.8579 +/kitchen_0060/rgb_00021.jpg /kitchen_0060/sync_depth_00021.png 518.8579 +/cafe_0001c/rgb_00033.jpg /cafe_0001c/sync_depth_00033.png 518.8579 +/kitchen_0010/rgb_00089.jpg /kitchen_0010/sync_depth_00089.png 518.8579 +/kitchen_0035a/rgb_00036.jpg /kitchen_0035a/sync_depth_00036.png 518.8579 +/bedroom_0078/rgb_00119.jpg /bedroom_0078/sync_depth_00119.png 518.8579 +/bedroom_0050/rgb_00107.jpg /bedroom_0050/sync_depth_00107.png 518.8579 +/bathroom_0039/rgb_00063.jpg /bathroom_0039/sync_depth_00063.png 518.8579 +/living_room_0071/rgb_00014.jpg /living_room_0071/sync_depth_00014.png 518.8579 +/bedroom_0078/rgb_00092.jpg /bedroom_0078/sync_depth_00092.png 518.8579 +/living_room_0022/rgb_00113.jpg /living_room_0022/sync_depth_00113.png 518.8579 +/bedroom_0126/rgb_00008.jpg /bedroom_0126/sync_depth_00008.png 518.8579 +/home_office_0013/rgb_00078.jpg /home_office_0013/sync_depth_00078.png 518.8579 +/bedroom_0098/rgb_00063.jpg /bedroom_0098/sync_depth_00063.png 518.8579 +/dining_room_0004/rgb_00072.jpg /dining_room_0004/sync_depth_00072.png 518.8579 +/living_room_0010/rgb_00025.jpg /living_room_0010/sync_depth_00025.png 518.8579 +/bedroom_0129/rgb_00080.jpg /bedroom_0129/sync_depth_00080.png 518.8579 +/office_0018/rgb_00025.jpg /office_0018/sync_depth_00025.png 518.8579 +/playroom_0004/rgb_00058.jpg /playroom_0004/sync_depth_00058.png 518.8579 +/bathroom_0041/rgb_00002.jpg /bathroom_0041/sync_depth_00002.png 518.8579 +/bathroom_0007/rgb_00064.jpg /bathroom_0007/sync_depth_00064.png 518.8579 +/home_storage_0001/rgb_00034.jpg /home_storage_0001/sync_depth_00034.png 518.8579 +/furniture_store_0002a/rgb_00130.jpg /furniture_store_0002a/sync_depth_00130.png 518.8579 +/bedroom_0053/rgb_00032.jpg /bedroom_0053/sync_depth_00032.png 518.8579 +/kitchen_0011b/rgb_00067.jpg /kitchen_0011b/sync_depth_00067.png 518.8579 +/bookstore_0001f/rgb_00464.jpg /bookstore_0001f/sync_depth_00464.png 518.8579 +/nyu_office_0/rgb_00258.jpg /nyu_office_0/sync_depth_00258.png 518.8579 +/dining_room_0023/rgb_00100.jpg /dining_room_0023/sync_depth_00100.png 518.8579 +/cafe_0001a/rgb_00067.jpg /cafe_0001a/sync_depth_00067.png 518.8579 +/bookstore_0001j/rgb_00306.jpg /bookstore_0001j/sync_depth_00306.png 518.8579 +/bedroom_0107/rgb_00046.jpg /bedroom_0107/sync_depth_00046.png 518.8579 +/bedroom_0016/rgb_00121.jpg /bedroom_0016/sync_depth_00121.png 518.8579 +/kitchen_0051/rgb_00329.jpg /kitchen_0051/sync_depth_00329.png 518.8579 +/classroom_0005/rgb_00025.jpg /classroom_0005/sync_depth_00025.png 518.8579 +/conference_room_0001/rgb_00050.jpg /conference_room_0001/sync_depth_00050.png 518.8579 +/dining_room_0029/rgb_00140.jpg /dining_room_0029/sync_depth_00140.png 518.8579 +/kitchen_0051/rgb_00262.jpg /kitchen_0051/sync_depth_00262.png 518.8579 +/dinette_0001/rgb_00104.jpg /dinette_0001/sync_depth_00104.png 518.8579 +/kitchen_0041/rgb_00029.jpg /kitchen_0041/sync_depth_00029.png 518.8579 +/bathroom_0028/rgb_00129.jpg /bathroom_0028/sync_depth_00129.png 518.8579 +/kitchen_0029c/rgb_00146.jpg /kitchen_0029c/sync_depth_00146.png 518.8579 +/kitchen_0031/rgb_00130.jpg /kitchen_0031/sync_depth_00130.png 518.8579 +/bathroom_0034/rgb_00038.jpg /bathroom_0034/sync_depth_00038.png 518.8579 +/dining_room_0015/rgb_00140.jpg /dining_room_0015/sync_depth_00140.png 518.8579 +/living_room_0062/rgb_00045.jpg /living_room_0062/sync_depth_00045.png 518.8579 +/cafe_0001a/rgb_00004.jpg /cafe_0001a/sync_depth_00004.png 518.8579 +/office_0006/rgb_00125.jpg /office_0006/sync_depth_00125.png 518.8579 +/bedroom_0125b/rgb_00026.jpg /bedroom_0125b/sync_depth_00026.png 518.8579 +/dining_room_0015/rgb_00068.jpg /dining_room_0015/sync_depth_00068.png 518.8579 +/kitchen_0016/rgb_00030.jpg /kitchen_0016/sync_depth_00030.png 518.8579 +/living_room_0058/rgb_00273.jpg /living_room_0058/sync_depth_00273.png 518.8579 +/bathroom_0024/rgb_00032.jpg /bathroom_0024/sync_depth_00032.png 518.8579 +/living_room_0047b/rgb_00066.jpg /living_room_0047b/sync_depth_00066.png 518.8579 +/indoor_balcony_0001/rgb_00018.jpg /indoor_balcony_0001/sync_depth_00018.png 518.8579 +/bedroom_0004/rgb_00032.jpg /bedroom_0004/sync_depth_00032.png 518.8579 +/bedroom_0060/rgb_00074.jpg /bedroom_0060/sync_depth_00074.png 518.8579 +/living_room_0022/rgb_00228.jpg /living_room_0022/sync_depth_00228.png 518.8579 +/home_office_0005/rgb_00073.jpg /home_office_0005/sync_depth_00073.png 518.8579 +/dining_room_0028/rgb_00144.jpg /dining_room_0028/sync_depth_00144.png 518.8579 +/dining_room_0016/rgb_00186.jpg /dining_room_0016/sync_depth_00186.png 518.8579 +/bedroom_0113/rgb_00013.jpg /bedroom_0113/sync_depth_00013.png 518.8579 +/cafe_0001a/rgb_00073.jpg /cafe_0001a/sync_depth_00073.png 518.8579 +/bedroom_0017/rgb_00021.jpg /bedroom_0017/sync_depth_00021.png 518.8579 +/office_kitchen_0003/rgb_00014.jpg /office_kitchen_0003/sync_depth_00014.png 518.8579 +/home_office_0011/rgb_00087.jpg /home_office_0011/sync_depth_00087.png 518.8579 +/cafe_0001a/rgb_00040.jpg /cafe_0001a/sync_depth_00040.png 518.8579 +/bookstore_0001j/rgb_00277.jpg /bookstore_0001j/sync_depth_00277.png 518.8579 +/bedroom_0100/rgb_00005.jpg /bedroom_0100/sync_depth_00005.png 518.8579 +/kitchen_0035b/rgb_00197.jpg /kitchen_0035b/sync_depth_00197.png 518.8579 +/living_room_0055/rgb_00017.jpg /living_room_0055/sync_depth_00017.png 518.8579 +/office_0026/rgb_00038.jpg /office_0026/sync_depth_00038.png 518.8579 +/bookstore_0001e/rgb_00034.jpg /bookstore_0001e/sync_depth_00034.png 518.8579 +/dining_room_0013/rgb_00177.jpg /dining_room_0013/sync_depth_00177.png 518.8579 +/bathroom_0048/rgb_00081.jpg /bathroom_0048/sync_depth_00081.png 518.8579 +/dining_room_0031/rgb_00106.jpg /dining_room_0031/sync_depth_00106.png 518.8579 +/classroom_0006/rgb_00081.jpg /classroom_0006/sync_depth_00081.png 518.8579 +/bedroom_0136/rgb_00048.jpg /bedroom_0136/sync_depth_00048.png 518.8579 +/bedroom_0072/rgb_00140.jpg /bedroom_0072/sync_depth_00140.png 518.8579 +/living_room_0035/rgb_00033.jpg /living_room_0035/sync_depth_00033.png 518.8579 +/living_room_0011/rgb_00081.jpg /living_room_0011/sync_depth_00081.png 518.8579 +/living_room_0047b/rgb_00143.jpg /living_room_0047b/sync_depth_00143.png 518.8579 +/reception_room_0001b/rgb_00067.jpg /reception_room_0001b/sync_depth_00067.png 518.8579 +/kitchen_0043/rgb_00206.jpg /kitchen_0043/sync_depth_00206.png 518.8579 +/dining_room_0007/rgb_00148.jpg /dining_room_0007/sync_depth_00148.png 518.8579 +/dining_room_0012/rgb_00046.jpg /dining_room_0012/sync_depth_00046.png 518.8579 +/kitchen_0045b/rgb_00153.jpg /kitchen_0045b/sync_depth_00153.png 518.8579 +/bookstore_0001e/rgb_00167.jpg /bookstore_0001e/sync_depth_00167.png 518.8579 +/kitchen_0048/rgb_00070.jpg /kitchen_0048/sync_depth_00070.png 518.8579 +/bookstore_0001g/rgb_00178.jpg /bookstore_0001g/sync_depth_00178.png 518.8579 +/classroom_0022/rgb_00054.jpg /classroom_0022/sync_depth_00054.png 518.8579 +/bedroom_0016/rgb_00222.jpg /bedroom_0016/sync_depth_00222.png 518.8579 +/furniture_store_0002a/rgb_00327.jpg /furniture_store_0002a/sync_depth_00327.png 518.8579 +/bedroom_0021/rgb_00060.jpg /bedroom_0021/sync_depth_00060.png 518.8579 +/bedroom_0126/rgb_00034.jpg /bedroom_0126/sync_depth_00034.png 518.8579 +/living_room_0082/rgb_00016.jpg /living_room_0082/sync_depth_00016.png 518.8579 +/kitchen_0019a/rgb_00169.jpg /kitchen_0019a/sync_depth_00169.png 518.8579 +/bedroom_0120/rgb_00045.jpg /bedroom_0120/sync_depth_00045.png 518.8579 +/kitchen_0011a/rgb_00017.jpg /kitchen_0011a/sync_depth_00017.png 518.8579 +/classroom_0005/rgb_00001.jpg /classroom_0005/sync_depth_00001.png 518.8579 +/bedroom_0072/rgb_00165.jpg /bedroom_0072/sync_depth_00165.png 518.8579 +/bathroom_0014a/rgb_00055.jpg /bathroom_0014a/sync_depth_00055.png 518.8579 +/classroom_0016/rgb_00004.jpg /classroom_0016/sync_depth_00004.png 518.8579 +/reception_room_0004/rgb_00026.jpg /reception_room_0004/sync_depth_00026.png 518.8579 +/bathroom_0013/rgb_00062.jpg /bathroom_0013/sync_depth_00062.png 518.8579 +/kitchen_0047/rgb_00154.jpg /kitchen_0047/sync_depth_00154.png 518.8579 +/bedroom_0035/rgb_00015.jpg /bedroom_0035/sync_depth_00015.png 518.8579 +/living_room_0086b/rgb_00023.jpg /living_room_0086b/sync_depth_00023.png 518.8579 +/dining_room_0008/rgb_00059.jpg /dining_room_0008/sync_depth_00059.png 518.8579 +/bookstore_0001j/rgb_00236.jpg /bookstore_0001j/sync_depth_00236.png 518.8579 +/living_room_0020/rgb_00046.jpg /living_room_0020/sync_depth_00046.png 518.8579 +/bathroom_0019/rgb_00037.jpg /bathroom_0019/sync_depth_00037.png 518.8579 +/living_room_0037/rgb_00039.jpg /living_room_0037/sync_depth_00039.png 518.8579 +/kitchen_0035b/rgb_00024.jpg /kitchen_0035b/sync_depth_00024.png 518.8579 +/living_room_0022/rgb_00212.jpg /living_room_0022/sync_depth_00212.png 518.8579 +/bedroom_0016/rgb_00036.jpg /bedroom_0016/sync_depth_00036.png 518.8579 +/kitchen_0011b/rgb_00072.jpg /kitchen_0011b/sync_depth_00072.png 518.8579 +/living_room_0058/rgb_00002.jpg /living_room_0058/sync_depth_00002.png 518.8579 +/kitchen_0031/rgb_00024.jpg /kitchen_0031/sync_depth_00024.png 518.8579 +/living_room_0058/rgb_00173.jpg /living_room_0058/sync_depth_00173.png 518.8579 +/office_0026/rgb_00144.jpg /office_0026/sync_depth_00144.png 518.8579 +/furniture_store_0002a/rgb_00175.jpg /furniture_store_0002a/sync_depth_00175.png 518.8579 +/living_room_0011/rgb_00140.jpg /living_room_0011/sync_depth_00140.png 518.8579 +/office_0004/rgb_00045.jpg /office_0004/sync_depth_00045.png 518.8579 +/bookstore_0001g/rgb_00270.jpg /bookstore_0001g/sync_depth_00270.png 518.8579 +/office_0026/rgb_00023.jpg /office_0026/sync_depth_00023.png 518.8579 +/office_0006/rgb_00161.jpg /office_0006/sync_depth_00161.png 518.8579 +/bookstore_0001f/rgb_00195.jpg /bookstore_0001f/sync_depth_00195.png 518.8579 +/bedroom_0063/rgb_00142.jpg /bedroom_0063/sync_depth_00142.png 518.8579 +/bedroom_0057/rgb_00043.jpg /bedroom_0057/sync_depth_00043.png 518.8579 +/living_room_0078/rgb_00082.jpg /living_room_0078/sync_depth_00082.png 518.8579 +/bedroom_0106/rgb_00141.jpg /bedroom_0106/sync_depth_00141.png 518.8579 +/dining_room_0013/rgb_00070.jpg /dining_room_0013/sync_depth_00070.png 518.8579 +/furniture_store_0001d/rgb_00131.jpg /furniture_store_0001d/sync_depth_00131.png 518.8579 +/excercise_room_0001/rgb_00053.jpg /excercise_room_0001/sync_depth_00053.png 518.8579 +/bedroom_0076a/rgb_00044.jpg /bedroom_0076a/sync_depth_00044.png 518.8579 +/living_room_0038/rgb_00087.jpg /living_room_0038/sync_depth_00087.png 518.8579 +/bedroom_0104/rgb_00055.jpg /bedroom_0104/sync_depth_00055.png 518.8579 +/bedroom_0076a/rgb_00123.jpg /bedroom_0076a/sync_depth_00123.png 518.8579 +/bedroom_0014/rgb_00034.jpg /bedroom_0014/sync_depth_00034.png 518.8579 +/nyu_office_0/rgb_00154.jpg /nyu_office_0/sync_depth_00154.png 518.8579 +/living_room_0082/rgb_00015.jpg /living_room_0082/sync_depth_00015.png 518.8579 +/bedroom_0140/rgb_00107.jpg /bedroom_0140/sync_depth_00107.png 518.8579 +/kitchen_0060/rgb_00180.jpg /kitchen_0060/sync_depth_00180.png 518.8579 +/kitchen_0035b/rgb_00206.jpg /kitchen_0035b/sync_depth_00206.png 518.8579 +/classroom_0011/rgb_00047.jpg /classroom_0011/sync_depth_00047.png 518.8579 +/bedroom_0078/rgb_00003.jpg /bedroom_0078/sync_depth_00003.png 518.8579 +/kitchen_0051/rgb_00059.jpg /kitchen_0051/sync_depth_00059.png 518.8579 +/living_room_0019/rgb_00164.jpg /living_room_0019/sync_depth_00164.png 518.8579 +/kitchen_0029c/rgb_00168.jpg /kitchen_0029c/sync_depth_00168.png 518.8579 +/bookstore_0001f/rgb_00426.jpg /bookstore_0001f/sync_depth_00426.png 518.8579 +/dining_room_0008/rgb_00038.jpg /dining_room_0008/sync_depth_00038.png 518.8579 +/dining_room_0037/rgb_00144.jpg /dining_room_0037/sync_depth_00144.png 518.8579 +/living_room_0058/rgb_00202.jpg /living_room_0058/sync_depth_00202.png 518.8579 +/living_room_0011/rgb_00024.jpg /living_room_0011/sync_depth_00024.png 518.8579 +/bookstore_0001f/rgb_00505.jpg /bookstore_0001f/sync_depth_00505.png 518.8579 +/living_room_0068/rgb_00013.jpg /living_room_0068/sync_depth_00013.png 518.8579 +/kitchen_0017/rgb_00037.jpg /kitchen_0017/sync_depth_00037.png 518.8579 +/dining_room_0029/rgb_00131.jpg /dining_room_0029/sync_depth_00131.png 518.8579 +/dining_room_0010/rgb_00031.jpg /dining_room_0010/sync_depth_00031.png 518.8579 +/bookstore_0001j/rgb_00212.jpg /bookstore_0001j/sync_depth_00212.png 518.8579 +/bedroom_0063/rgb_00137.jpg /bedroom_0063/sync_depth_00137.png 518.8579 +/bookstore_0001f/rgb_00265.jpg /bookstore_0001f/sync_depth_00265.png 518.8579 +/living_room_0038/rgb_00046.jpg /living_room_0038/sync_depth_00046.png 518.8579 +/living_room_0022/rgb_00208.jpg /living_room_0022/sync_depth_00208.png 518.8579 +/living_room_0082/rgb_00053.jpg /living_room_0082/sync_depth_00053.png 518.8579 +/living_room_0012/rgb_00000.jpg /living_room_0012/sync_depth_00000.png 518.8579 +/study_room_0004/rgb_00044.jpg /study_room_0004/sync_depth_00044.png 518.8579 +/home_office_0004/rgb_00186.jpg /home_office_0004/sync_depth_00186.png 518.8579 +/living_room_0062/rgb_00141.jpg /living_room_0062/sync_depth_00141.png 518.8579 +/bedroom_0050/rgb_00033.jpg /bedroom_0050/sync_depth_00033.png 518.8579 +/bedroom_0071/rgb_00026.jpg /bedroom_0071/sync_depth_00026.png 518.8579 +/dining_room_0001b/rgb_00021.jpg /dining_room_0001b/sync_depth_00021.png 518.8579 +/conference_room_0001/rgb_00124.jpg /conference_room_0001/sync_depth_00124.png 518.8579 +/dining_room_0010/rgb_00019.jpg /dining_room_0010/sync_depth_00019.png 518.8579 +/living_room_0004/rgb_00172.jpg /living_room_0004/sync_depth_00172.png 518.8579 +/kitchen_0019a/rgb_00002.jpg /kitchen_0019a/sync_depth_00002.png 518.8579 +/kitchen_0059/rgb_00022.jpg /kitchen_0059/sync_depth_00022.png 518.8579 +/bedroom_0097/rgb_00043.jpg /bedroom_0097/sync_depth_00043.png 518.8579 +/furniture_store_0001a/rgb_00003.jpg /furniture_store_0001a/sync_depth_00003.png 518.8579 +/classroom_0003/rgb_00025.jpg /classroom_0003/sync_depth_00025.png 518.8579 +/playroom_0006/rgb_00060.jpg /playroom_0006/sync_depth_00060.png 518.8579 +/bedroom_0071/rgb_00141.jpg /bedroom_0071/sync_depth_00141.png 518.8579 +/office_0023/rgb_00034.jpg /office_0023/sync_depth_00034.png 518.8579 +/playroom_0003/rgb_00070.jpg /playroom_0003/sync_depth_00070.png 518.8579 +/bedroom_0053/rgb_00050.jpg /bedroom_0053/sync_depth_00050.png 518.8579 +/bedroom_0051/rgb_00186.jpg /bedroom_0051/sync_depth_00186.png 518.8579 +/home_office_0006/rgb_00093.jpg /home_office_0006/sync_depth_00093.png 518.8579 +/classroom_0006/rgb_00048.jpg /classroom_0006/sync_depth_00048.png 518.8579 +/study_room_0004/rgb_00066.jpg /study_room_0004/sync_depth_00066.png 518.8579 +/office_0026/rgb_00073.jpg /office_0026/sync_depth_00073.png 518.8579 +/bedroom_0062/rgb_00063.jpg /bedroom_0062/sync_depth_00063.png 518.8579 +/classroom_0006/rgb_00049.jpg /classroom_0006/sync_depth_00049.png 518.8579 +/living_room_0010/rgb_00126.jpg /living_room_0010/sync_depth_00126.png 518.8579 +/bedroom_0021/rgb_00022.jpg /bedroom_0021/sync_depth_00022.png 518.8579 +/living_room_0011/rgb_00035.jpg /living_room_0011/sync_depth_00035.png 518.8579 +/living_room_0040/rgb_00264.jpg /living_room_0040/sync_depth_00264.png 518.8579 +/excercise_room_0001/rgb_00129.jpg /excercise_room_0001/sync_depth_00129.png 518.8579 +/office_0019/rgb_00024.jpg /office_0019/sync_depth_00024.png 518.8579 +/kitchen_0043/rgb_00039.jpg /kitchen_0043/sync_depth_00039.png 518.8579 +/student_lounge_0001/rgb_00212.jpg /student_lounge_0001/sync_depth_00212.png 518.8579 +/kitchen_0029c/rgb_00040.jpg /kitchen_0029c/sync_depth_00040.png 518.8579 +/conference_room_0001/rgb_00063.jpg /conference_room_0001/sync_depth_00063.png 518.8579 +/furniture_store_0002a/rgb_00035.jpg /furniture_store_0002a/sync_depth_00035.png 518.8579 +/bedroom_0069/rgb_00041.jpg /bedroom_0069/sync_depth_00041.png 518.8579 +/classroom_0016/rgb_00037.jpg /classroom_0016/sync_depth_00037.png 518.8579 +/dinette_0001/rgb_00025.jpg /dinette_0001/sync_depth_00025.png 518.8579 +/bedroom_0072/rgb_00056.jpg /bedroom_0072/sync_depth_00056.png 518.8579 +/bathroom_0034/rgb_00041.jpg /bathroom_0034/sync_depth_00041.png 518.8579 +/office_0021/rgb_00019.jpg /office_0021/sync_depth_00019.png 518.8579 +/cafe_0001c/rgb_00034.jpg /cafe_0001c/sync_depth_00034.png 518.8579 +/reception_room_0002/rgb_00113.jpg /reception_room_0002/sync_depth_00113.png 518.8579 +/bathroom_0014a/rgb_00044.jpg /bathroom_0014a/sync_depth_00044.png 518.8579 +/kitchen_0028a/rgb_00115.jpg /kitchen_0028a/sync_depth_00115.png 518.8579 +/home_storage_0001/rgb_00027.jpg /home_storage_0001/sync_depth_00027.png 518.8579 +/home_office_0008/rgb_00032.jpg /home_office_0008/sync_depth_00032.png 518.8579 +/playroom_0003/rgb_00115.jpg /playroom_0003/sync_depth_00115.png 518.8579 +/bedroom_0017/rgb_00075.jpg /bedroom_0017/sync_depth_00075.png 518.8579 +/living_room_0063/rgb_00006.jpg /living_room_0063/sync_depth_00006.png 518.8579 +/bathroom_0039/rgb_00049.jpg /bathroom_0039/sync_depth_00049.png 518.8579 +/bedroom_0016/rgb_00125.jpg /bedroom_0016/sync_depth_00125.png 518.8579 +/office_kitchen_0001a/rgb_00058.jpg /office_kitchen_0001a/sync_depth_00058.png 518.8579 +/bedroom_0090/rgb_00004.jpg /bedroom_0090/sync_depth_00004.png 518.8579 +/bedroom_0053/rgb_00059.jpg /bedroom_0053/sync_depth_00059.png 518.8579 +/kitchen_0051/rgb_00084.jpg /kitchen_0051/sync_depth_00084.png 518.8579 +/dining_room_0031/rgb_00012.jpg /dining_room_0031/sync_depth_00012.png 518.8579 +/bedroom_0062/rgb_00093.jpg /bedroom_0062/sync_depth_00093.png 518.8579 +/bedroom_0050/rgb_00020.jpg /bedroom_0050/sync_depth_00020.png 518.8579 +/dining_room_0010/rgb_00025.jpg /dining_room_0010/sync_depth_00025.png 518.8579 +/bedroom_0136/rgb_00138.jpg /bedroom_0136/sync_depth_00138.png 518.8579 +/kitchen_0047/rgb_00110.jpg /kitchen_0047/sync_depth_00110.png 518.8579 +/living_room_0040/rgb_00133.jpg /living_room_0040/sync_depth_00133.png 518.8579 +/excercise_room_0001/rgb_00052.jpg /excercise_room_0001/sync_depth_00052.png 518.8579 +/bedroom_0136/rgb_00009.jpg /bedroom_0136/sync_depth_00009.png 518.8579 +/dining_room_0019/rgb_00087.jpg /dining_room_0019/sync_depth_00087.png 518.8579 +/dining_room_0034/rgb_00219.jpg /dining_room_0034/sync_depth_00219.png 518.8579 +/bathroom_0039/rgb_00071.jpg /bathroom_0039/sync_depth_00071.png 518.8579 +/bedroom_0124/rgb_00013.jpg /bedroom_0124/sync_depth_00013.png 518.8579 +/bathroom_0055/rgb_00023.jpg /bathroom_0055/sync_depth_00023.png 518.8579 +/dining_room_0001b/rgb_00207.jpg /dining_room_0001b/sync_depth_00207.png 518.8579 +/living_room_0042b/rgb_00010.jpg /living_room_0042b/sync_depth_00010.png 518.8579 +/bedroom_0113/rgb_00088.jpg /bedroom_0113/sync_depth_00088.png 518.8579 +/living_room_0050/rgb_00082.jpg /living_room_0050/sync_depth_00082.png 518.8579 +/kitchen_0006/rgb_00017.jpg /kitchen_0006/sync_depth_00017.png 518.8579 +/student_lounge_0001/rgb_00224.jpg /student_lounge_0001/sync_depth_00224.png 518.8579 +/dining_room_0034/rgb_00022.jpg /dining_room_0034/sync_depth_00022.png 518.8579 +/study_0003/rgb_00036.jpg /study_0003/sync_depth_00036.png 518.8579 +/bookstore_0001e/rgb_00125.jpg /bookstore_0001e/sync_depth_00125.png 518.8579 +/dining_room_0015/rgb_00103.jpg /dining_room_0015/sync_depth_00103.png 518.8579 +/kitchen_0049/rgb_00001.jpg /kitchen_0049/sync_depth_00001.png 518.8579 +/conference_room_0001/rgb_00056.jpg /conference_room_0001/sync_depth_00056.png 518.8579 +/bookstore_0001e/rgb_00127.jpg /bookstore_0001e/sync_depth_00127.png 518.8579 +/nyu_office_0/rgb_00038.jpg /nyu_office_0/sync_depth_00038.png 518.8579 +/living_room_0020/rgb_00180.jpg /living_room_0020/sync_depth_00180.png 518.8579 +/home_office_0008/rgb_00042.jpg /home_office_0008/sync_depth_00042.png 518.8579 +/dining_room_0004/rgb_00042.jpg /dining_room_0004/sync_depth_00042.png 518.8579 +/kitchen_0035a/rgb_00016.jpg /kitchen_0035a/sync_depth_00016.png 518.8579 +/bookstore_0001d/rgb_00195.jpg /bookstore_0001d/sync_depth_00195.png 518.8579 +/dining_room_0015/rgb_00228.jpg /dining_room_0015/sync_depth_00228.png 518.8579 +/bathroom_0042/rgb_00030.jpg /bathroom_0042/sync_depth_00030.png 518.8579 +/home_office_0005/rgb_00138.jpg /home_office_0005/sync_depth_00138.png 518.8579 +/dining_room_0016/rgb_00153.jpg /dining_room_0016/sync_depth_00153.png 518.8579 +/kitchen_0033/rgb_00087.jpg /kitchen_0033/sync_depth_00087.png 518.8579 +/kitchen_0051/rgb_00175.jpg /kitchen_0051/sync_depth_00175.png 518.8579 +/bookstore_0001d/rgb_00223.jpg /bookstore_0001d/sync_depth_00223.png 518.8579 +/bedroom_0019/rgb_00092.jpg /bedroom_0019/sync_depth_00092.png 518.8579 +/nyu_office_0/rgb_00143.jpg /nyu_office_0/sync_depth_00143.png 518.8579 +/classroom_0003/rgb_00067.jpg /classroom_0003/sync_depth_00067.png 518.8579 +/dining_room_0028/rgb_00094.jpg /dining_room_0028/sync_depth_00094.png 518.8579 +/kitchen_0051/rgb_00206.jpg /kitchen_0051/sync_depth_00206.png 518.8579 +/bedroom_0016/rgb_00086.jpg /bedroom_0016/sync_depth_00086.png 518.8579 +/dining_room_0014/rgb_00009.jpg /dining_room_0014/sync_depth_00009.png 518.8579 +/kitchen_0019a/rgb_00252.jpg /kitchen_0019a/sync_depth_00252.png 518.8579 +/kitchen_0045a/rgb_00179.jpg /kitchen_0045a/sync_depth_00179.png 518.8579 +/study_room_0005b/rgb_00032.jpg /study_room_0005b/sync_depth_00032.png 518.8579 +/dining_room_0029/rgb_00139.jpg /dining_room_0029/sync_depth_00139.png 518.8579 +/furniture_store_0002c/rgb_00032.jpg /furniture_store_0002c/sync_depth_00032.png 518.8579 +/classroom_0004/rgb_00045.jpg /classroom_0004/sync_depth_00045.png 518.8579 +/furniture_store_0002a/rgb_00296.jpg /furniture_store_0002a/sync_depth_00296.png 518.8579 +/dining_room_0033/rgb_00140.jpg /dining_room_0033/sync_depth_00140.png 518.8579 +/office_kitchen_0001a/rgb_00087.jpg /office_kitchen_0001a/sync_depth_00087.png 518.8579 +/kitchen_0049/rgb_00101.jpg /kitchen_0049/sync_depth_00101.png 518.8579 +/home_office_0008/rgb_00013.jpg /home_office_0008/sync_depth_00013.png 518.8579 +/playroom_0003/rgb_00139.jpg /playroom_0003/sync_depth_00139.png 518.8579 +/kitchen_0047/rgb_00003.jpg /kitchen_0047/sync_depth_00003.png 518.8579 +/living_room_0046b/rgb_00073.jpg /living_room_0046b/sync_depth_00073.png 518.8579 +/living_room_0039/rgb_00034.jpg /living_room_0039/sync_depth_00034.png 518.8579 +/kitchen_0049/rgb_00237.jpg /kitchen_0049/sync_depth_00237.png 518.8579 +/living_room_0047b/rgb_00092.jpg /living_room_0047b/sync_depth_00092.png 518.8579 +/living_room_0012/rgb_00167.jpg /living_room_0012/sync_depth_00167.png 518.8579 +/bedroom_0067b/rgb_00000.jpg /bedroom_0067b/sync_depth_00000.png 518.8579 +/bedroom_0072/rgb_00167.jpg /bedroom_0072/sync_depth_00167.png 518.8579 +/bedroom_0071/rgb_00150.jpg /bedroom_0071/sync_depth_00150.png 518.8579 +/living_room_0062/rgb_00004.jpg /living_room_0062/sync_depth_00004.png 518.8579 +/bedroom_0015/rgb_00008.jpg /bedroom_0015/sync_depth_00008.png 518.8579 +/classroom_0016/rgb_00077.jpg /classroom_0016/sync_depth_00077.png 518.8579 +/study_room_0005b/rgb_00018.jpg /study_room_0005b/sync_depth_00018.png 518.8579 +/dining_room_0007/rgb_00015.jpg /dining_room_0007/sync_depth_00015.png 518.8579 +/living_room_0040/rgb_00136.jpg /living_room_0040/sync_depth_00136.png 518.8579 +/kitchen_0003/rgb_00134.jpg /kitchen_0003/sync_depth_00134.png 518.8579 +/dining_room_0016/rgb_00126.jpg /dining_room_0016/sync_depth_00126.png 518.8579 +/office_kitchen_0003/rgb_00091.jpg /office_kitchen_0003/sync_depth_00091.png 518.8579 +/home_office_0013/rgb_00039.jpg /home_office_0013/sync_depth_00039.png 518.8579 +/office_0025/rgb_00025.jpg /office_0025/sync_depth_00025.png 518.8579 +/bedroom_0051/rgb_00038.jpg /bedroom_0051/sync_depth_00038.png 518.8579 +/bedroom_0004/rgb_00171.jpg /bedroom_0004/sync_depth_00171.png 518.8579 +/furniture_store_0001d/rgb_00094.jpg /furniture_store_0001d/sync_depth_00094.png 518.8579 +/kitchen_0049/rgb_00014.jpg /kitchen_0049/sync_depth_00014.png 518.8579 +/bedroom_0051/rgb_00210.jpg /bedroom_0051/sync_depth_00210.png 518.8579 +/living_room_0018/rgb_00136.jpg /living_room_0018/sync_depth_00136.png 518.8579 +/office_0003/rgb_00035.jpg /office_0003/sync_depth_00035.png 518.8579 +/kitchen_0053/rgb_00225.jpg /kitchen_0053/sync_depth_00225.png 518.8579 +/office_0006/rgb_00029.jpg /office_0006/sync_depth_00029.png 518.8579 +/bookstore_0001d/rgb_00315.jpg /bookstore_0001d/sync_depth_00315.png 518.8579 +/furniture_store_0002b/rgb_00039.jpg /furniture_store_0002b/sync_depth_00039.png 518.8579 +/office_0018/rgb_00054.jpg /office_0018/sync_depth_00054.png 518.8579 +/dining_room_0008/rgb_00106.jpg /dining_room_0008/sync_depth_00106.png 518.8579 +/bookstore_0001f/rgb_00024.jpg /bookstore_0001f/sync_depth_00024.png 518.8579 +/kitchen_0050/rgb_00112.jpg /kitchen_0050/sync_depth_00112.png 518.8579 +/living_room_0086b/rgb_00035.jpg /living_room_0086b/sync_depth_00035.png 518.8579 +/bedroom_0015/rgb_00058.jpg /bedroom_0015/sync_depth_00058.png 518.8579 +/living_room_0035/rgb_00019.jpg /living_room_0035/sync_depth_00019.png 518.8579 +/furniture_store_0002b/rgb_00260.jpg /furniture_store_0002b/sync_depth_00260.png 518.8579 +/bathroom_0049/rgb_00063.jpg /bathroom_0049/sync_depth_00063.png 518.8579 +/study_room_0005a/rgb_00026.jpg /study_room_0005a/sync_depth_00026.png 518.8579 +/dining_room_0004/rgb_00040.jpg /dining_room_0004/sync_depth_00040.png 518.8579 +/cafe_0001a/rgb_00086.jpg /cafe_0001a/sync_depth_00086.png 518.8579 +/office_0004/rgb_00055.jpg /office_0004/sync_depth_00055.png 518.8579 +/bathroom_0042/rgb_00032.jpg /bathroom_0042/sync_depth_00032.png 518.8579 +/playroom_0006/rgb_00134.jpg /playroom_0006/sync_depth_00134.png 518.8579 +/student_lounge_0001/rgb_00122.jpg /student_lounge_0001/sync_depth_00122.png 518.8579 +/kitchen_0051/rgb_00123.jpg /kitchen_0051/sync_depth_00123.png 518.8579 +/classroom_0005/rgb_00045.jpg /classroom_0005/sync_depth_00045.png 518.8579 +/bookstore_0001j/rgb_00208.jpg /bookstore_0001j/sync_depth_00208.png 518.8579 +/home_office_0007/rgb_00021.jpg /home_office_0007/sync_depth_00021.png 518.8579 +/kitchen_0011a/rgb_00091.jpg /kitchen_0011a/sync_depth_00091.png 518.8579 +/bedroom_0076a/rgb_00136.jpg /bedroom_0076a/sync_depth_00136.png 518.8579 +/bedroom_0078/rgb_00075.jpg /bedroom_0078/sync_depth_00075.png 518.8579 +/bedroom_0067a/rgb_00015.jpg /bedroom_0067a/sync_depth_00015.png 518.8579 +/kitchen_0049/rgb_00095.jpg /kitchen_0049/sync_depth_00095.png 518.8579 +/classroom_0003/rgb_00003.jpg /classroom_0003/sync_depth_00003.png 518.8579 +/dining_room_0029/rgb_00040.jpg /dining_room_0029/sync_depth_00040.png 518.8579 +/kitchen_0003/rgb_00045.jpg /kitchen_0003/sync_depth_00045.png 518.8579 +/kitchen_0006/rgb_00065.jpg /kitchen_0006/sync_depth_00065.png 518.8579 +/kitchen_0017/rgb_00066.jpg /kitchen_0017/sync_depth_00066.png 518.8579 +/dinette_0001/rgb_00080.jpg /dinette_0001/sync_depth_00080.png 518.8579 +/bathroom_0042/rgb_00041.jpg /bathroom_0042/sync_depth_00041.png 518.8579 +/kitchen_0051/rgb_00119.jpg /kitchen_0051/sync_depth_00119.png 518.8579 +/bathroom_0054/rgb_00014.jpg /bathroom_0054/sync_depth_00014.png 518.8579 +/bathroom_0056/rgb_00047.jpg /bathroom_0056/sync_depth_00047.png 518.8579 +/living_room_0040/rgb_00088.jpg /living_room_0040/sync_depth_00088.png 518.8579 +/kitchen_0043/rgb_00181.jpg /kitchen_0043/sync_depth_00181.png 518.8579 +/bedroom_0016/rgb_00071.jpg /bedroom_0016/sync_depth_00071.png 518.8579 +/playroom_0002/rgb_00109.jpg /playroom_0002/sync_depth_00109.png 518.8579 +/living_room_0040/rgb_00091.jpg /living_room_0040/sync_depth_00091.png 518.8579 +/furniture_store_0002a/rgb_00306.jpg /furniture_store_0002a/sync_depth_00306.png 518.8579 +/living_room_0042a/rgb_00007.jpg /living_room_0042a/sync_depth_00007.png 518.8579 +/bookstore_0001e/rgb_00001.jpg /bookstore_0001e/sync_depth_00001.png 518.8579 +/dining_room_0024/rgb_00075.jpg /dining_room_0024/sync_depth_00075.png 518.8579 +/study_0003/rgb_00097.jpg /study_0003/sync_depth_00097.png 518.8579 +/study_room_0005b/rgb_00057.jpg /study_room_0005b/sync_depth_00057.png 518.8579 +/cafe_0001a/rgb_00037.jpg /cafe_0001a/sync_depth_00037.png 518.8579 +/kitchen_0053/rgb_00126.jpg /kitchen_0053/sync_depth_00126.png 518.8579 +/bookstore_0001i/rgb_00102.jpg /bookstore_0001i/sync_depth_00102.png 518.8579 +/bedroom_0034/rgb_00071.jpg /bedroom_0034/sync_depth_00071.png 518.8579 +/study_room_0004/rgb_00183.jpg /study_room_0004/sync_depth_00183.png 518.8579 +/furniture_store_0001a/rgb_00048.jpg /furniture_store_0001a/sync_depth_00048.png 518.8579 +/dining_room_0034/rgb_00202.jpg /dining_room_0034/sync_depth_00202.png 518.8579 +/living_room_0020/rgb_00054.jpg /living_room_0020/sync_depth_00054.png 518.8579 +/bedroom_0132/rgb_00028.jpg /bedroom_0132/sync_depth_00028.png 518.8579 +/living_room_0055/rgb_00136.jpg /living_room_0055/sync_depth_00136.png 518.8579 +/bathroom_0028/rgb_00071.jpg /bathroom_0028/sync_depth_00071.png 518.8579 +/kitchen_0049/rgb_00017.jpg /kitchen_0049/sync_depth_00017.png 518.8579 +/indoor_balcony_0001/rgb_00033.jpg /indoor_balcony_0001/sync_depth_00033.png 518.8579 +/living_room_0040/rgb_00139.jpg /living_room_0040/sync_depth_00139.png 518.8579 +/bedroom_0138/rgb_00005.jpg /bedroom_0138/sync_depth_00005.png 518.8579 +/living_room_0063/rgb_00084.jpg /living_room_0063/sync_depth_00084.png 518.8579 +/dining_room_0015/rgb_00191.jpg /dining_room_0015/sync_depth_00191.png 518.8579 +/living_room_0068/rgb_00044.jpg /living_room_0068/sync_depth_00044.png 518.8579 +/living_room_0011/rgb_00110.jpg /living_room_0011/sync_depth_00110.png 518.8579 +/kitchen_0006/rgb_00035.jpg /kitchen_0006/sync_depth_00035.png 518.8579 +/living_room_0004/rgb_00021.jpg /living_room_0004/sync_depth_00021.png 518.8579 +/living_room_0047b/rgb_00113.jpg /living_room_0047b/sync_depth_00113.png 518.8579 +/kitchen_0033/rgb_00162.jpg /kitchen_0033/sync_depth_00162.png 518.8579 +/bedroom_0067a/rgb_00009.jpg /bedroom_0067a/sync_depth_00009.png 518.8579 +/kitchen_0031/rgb_00169.jpg /kitchen_0031/sync_depth_00169.png 518.8579 +/reception_room_0002/rgb_00172.jpg /reception_room_0002/sync_depth_00172.png 518.8579 +/bookstore_0001d/rgb_00166.jpg /bookstore_0001d/sync_depth_00166.png 518.8579 +/bedroom_0033/rgb_00021.jpg /bedroom_0033/sync_depth_00021.png 518.8579 +/living_room_0062/rgb_00038.jpg /living_room_0062/sync_depth_00038.png 518.8579 +/home_office_0005/rgb_00064.jpg /home_office_0005/sync_depth_00064.png 518.8579 +/bedroom_0130/rgb_00019.jpg /bedroom_0130/sync_depth_00019.png 518.8579 +/bedroom_0086/rgb_00075.jpg /bedroom_0086/sync_depth_00075.png 518.8579 +/furniture_store_0002a/rgb_00083.jpg /furniture_store_0002a/sync_depth_00083.png 518.8579 +/study_room_0005b/rgb_00038.jpg /study_room_0005b/sync_depth_00038.png 518.8579 +/kitchen_0045b/rgb_00130.jpg /kitchen_0045b/sync_depth_00130.png 518.8579 +/bedroom_0026/rgb_00146.jpg /bedroom_0026/sync_depth_00146.png 518.8579 +/dining_room_0023/rgb_00065.jpg /dining_room_0023/sync_depth_00065.png 518.8579 +/dining_room_0008/rgb_00099.jpg /dining_room_0008/sync_depth_00099.png 518.8579 +/bedroom_0004/rgb_00056.jpg /bedroom_0004/sync_depth_00056.png 518.8579 +/bedroom_0050/rgb_00110.jpg /bedroom_0050/sync_depth_00110.png 518.8579 +/office_0026/rgb_00179.jpg /office_0026/sync_depth_00179.png 518.8579 +/bedroom_0074/rgb_00106.jpg /bedroom_0074/sync_depth_00106.png 518.8579 +/study_room_0004/rgb_00146.jpg /study_room_0004/sync_depth_00146.png 518.8579 +/bedroom_0020/rgb_00084.jpg /bedroom_0020/sync_depth_00084.png 518.8579 +/living_room_0020/rgb_00070.jpg /living_room_0020/sync_depth_00070.png 518.8579 +/dining_room_0001b/rgb_00109.jpg /dining_room_0001b/sync_depth_00109.png 518.8579 +/dining_room_0015/rgb_00073.jpg /dining_room_0015/sync_depth_00073.png 518.8579 +/kitchen_0037/rgb_00039.jpg /kitchen_0037/sync_depth_00039.png 518.8579 +/dining_room_0033/rgb_00110.jpg /dining_room_0033/sync_depth_00110.png 518.8579 +/home_office_0011/rgb_00095.jpg /home_office_0011/sync_depth_00095.png 518.8579 +/dining_room_0019/rgb_00168.jpg /dining_room_0019/sync_depth_00168.png 518.8579 +/playroom_0003/rgb_00188.jpg /playroom_0003/sync_depth_00188.png 518.8579 +/living_room_0062/rgb_00148.jpg /living_room_0062/sync_depth_00148.png 518.8579 +/living_room_0050/rgb_00121.jpg /living_room_0050/sync_depth_00121.png 518.8579 +/bookstore_0001f/rgb_00295.jpg /bookstore_0001f/sync_depth_00295.png 518.8579 +/living_room_0085/rgb_00058.jpg /living_room_0085/sync_depth_00058.png 518.8579 +/bedroom_0072/rgb_00063.jpg /bedroom_0072/sync_depth_00063.png 518.8579 +/home_office_0006/rgb_00174.jpg /home_office_0006/sync_depth_00174.png 518.8579 +/bookstore_0001f/rgb_00198.jpg /bookstore_0001f/sync_depth_00198.png 518.8579 +/bedroom_0053/rgb_00021.jpg /bedroom_0053/sync_depth_00021.png 518.8579 +/bedroom_0069/rgb_00050.jpg /bedroom_0069/sync_depth_00050.png 518.8579 +/student_lounge_0001/rgb_00243.jpg /student_lounge_0001/sync_depth_00243.png 518.8579 +/kitchen_0051/rgb_00101.jpg /kitchen_0051/sync_depth_00101.png 518.8579 +/office_0004/rgb_00061.jpg /office_0004/sync_depth_00061.png 518.8579 +/bedroom_0065/rgb_00046.jpg /bedroom_0065/sync_depth_00046.png 518.8579 +/bedroom_0065/rgb_00028.jpg /bedroom_0065/sync_depth_00028.png 518.8579 +/bathroom_0013/rgb_00073.jpg /bathroom_0013/sync_depth_00073.png 518.8579 +/living_room_0062/rgb_00204.jpg /living_room_0062/sync_depth_00204.png 518.8579 +/playroom_0002/rgb_00072.jpg /playroom_0002/sync_depth_00072.png 518.8579 +/living_room_0042b/rgb_00050.jpg /living_room_0042b/sync_depth_00050.png 518.8579 +/kitchen_0049/rgb_00174.jpg /kitchen_0049/sync_depth_00174.png 518.8579 +/living_room_0040/rgb_00224.jpg /living_room_0040/sync_depth_00224.png 518.8579 +/classroom_0003/rgb_00026.jpg /classroom_0003/sync_depth_00026.png 518.8579 +/bedroom_0053/rgb_00102.jpg /bedroom_0053/sync_depth_00102.png 518.8579 +/living_room_0005/rgb_00049.jpg /living_room_0005/sync_depth_00049.png 518.8579 +/kitchen_0051/rgb_00313.jpg /kitchen_0051/sync_depth_00313.png 518.8579 +/bedroom_0029/rgb_00027.jpg /bedroom_0029/sync_depth_00027.png 518.8579 +/kitchen_0037/rgb_00090.jpg /kitchen_0037/sync_depth_00090.png 518.8579 +/living_room_0050/rgb_00053.jpg /living_room_0050/sync_depth_00053.png 518.8579 +/kitchen_0047/rgb_00047.jpg /kitchen_0047/sync_depth_00047.png 518.8579 +/bedroom_0015/rgb_00035.jpg /bedroom_0015/sync_depth_00035.png 518.8579 +/bedroom_0138/rgb_00016.jpg /bedroom_0138/sync_depth_00016.png 518.8579 +/office_0006/rgb_00057.jpg /office_0006/sync_depth_00057.png 518.8579 +/bedroom_0067a/rgb_00006.jpg /bedroom_0067a/sync_depth_00006.png 518.8579 +/bedroom_0125b/rgb_00049.jpg /bedroom_0125b/sync_depth_00049.png 518.8579 +/bathroom_0028/rgb_00081.jpg /bathroom_0028/sync_depth_00081.png 518.8579 +/classroom_0018/rgb_00016.jpg /classroom_0018/sync_depth_00016.png 518.8579 +/bedroom_0016/rgb_00074.jpg /bedroom_0016/sync_depth_00074.png 518.8579 +/bathroom_0001/rgb_00022.jpg /bathroom_0001/sync_depth_00022.png 518.8579 +/nyu_office_0/rgb_00215.jpg /nyu_office_0/sync_depth_00215.png 518.8579 +/living_room_0012/rgb_00126.jpg /living_room_0012/sync_depth_00126.png 518.8579 +/office_0009/rgb_00034.jpg /office_0009/sync_depth_00034.png 518.8579 +/kitchen_0011b/rgb_00003.jpg /kitchen_0011b/sync_depth_00003.png 518.8579 +/living_room_0010/rgb_00170.jpg /living_room_0010/sync_depth_00170.png 518.8579 +/office_0011/rgb_00057.jpg /office_0011/sync_depth_00057.png 518.8579 +/bedroom_0063/rgb_00092.jpg /bedroom_0063/sync_depth_00092.png 518.8579 +/foyer_0002/rgb_00011.jpg /foyer_0002/sync_depth_00011.png 518.8579 +/bedroom_0074/rgb_00046.jpg /bedroom_0074/sync_depth_00046.png 518.8579 +/furniture_store_0002a/rgb_00161.jpg /furniture_store_0002a/sync_depth_00161.png 518.8579 +/dining_room_0014/rgb_00064.jpg /dining_room_0014/sync_depth_00064.png 518.8579 +/living_room_0020/rgb_00033.jpg /living_room_0020/sync_depth_00033.png 518.8579 +/playroom_0003/rgb_00037.jpg /playroom_0003/sync_depth_00037.png 518.8579 +/kitchen_0029c/rgb_00137.jpg /kitchen_0029c/sync_depth_00137.png 518.8579 +/dining_room_0016/rgb_00135.jpg /dining_room_0016/sync_depth_00135.png 518.8579 +/bedroom_0025/rgb_00102.jpg /bedroom_0025/sync_depth_00102.png 518.8579 +/dining_room_0008/rgb_00139.jpg /dining_room_0008/sync_depth_00139.png 518.8579 +/office_0025/rgb_00044.jpg /office_0025/sync_depth_00044.png 518.8579 +/cafe_0001c/rgb_00095.jpg /cafe_0001c/sync_depth_00095.png 518.8579 +/bookstore_0001e/rgb_00174.jpg /bookstore_0001e/sync_depth_00174.png 518.8579 +/living_room_0037/rgb_00035.jpg /living_room_0037/sync_depth_00035.png 518.8579 +/conference_room_0001/rgb_00069.jpg /conference_room_0001/sync_depth_00069.png 518.8579 +/bedroom_0059/rgb_00052.jpg /bedroom_0059/sync_depth_00052.png 518.8579 +/living_room_0047a/rgb_00023.jpg /living_room_0047a/sync_depth_00023.png 518.8579 +/living_room_0070/rgb_00018.jpg /living_room_0070/sync_depth_00018.png 518.8579 +/nyu_office_0/rgb_00126.jpg /nyu_office_0/sync_depth_00126.png 518.8579 +/kitchen_0049/rgb_00160.jpg /kitchen_0049/sync_depth_00160.png 518.8579 +/nyu_office_0/rgb_00221.jpg /nyu_office_0/sync_depth_00221.png 518.8579 +/kitchen_0053/rgb_00192.jpg /kitchen_0053/sync_depth_00192.png 518.8579 +/office_0006/rgb_00165.jpg /office_0006/sync_depth_00165.png 518.8579 +/bedroom_0096/rgb_00049.jpg /bedroom_0096/sync_depth_00049.png 518.8579 +/bathroom_0056/rgb_00033.jpg /bathroom_0056/sync_depth_00033.png 518.8579 +/living_room_0022/rgb_00163.jpg /living_room_0022/sync_depth_00163.png 518.8579 +/furniture_store_0002a/rgb_00404.jpg /furniture_store_0002a/sync_depth_00404.png 518.8579 +/bedroom_0042/rgb_00011.jpg /bedroom_0042/sync_depth_00011.png 518.8579 +/furniture_store_0001c/rgb_00007.jpg /furniture_store_0001c/sync_depth_00007.png 518.8579 +/dining_room_0013/rgb_00003.jpg /dining_room_0013/sync_depth_00003.png 518.8579 +/living_room_0019/rgb_00028.jpg /living_room_0019/sync_depth_00028.png 518.8579 +/office_0019/rgb_00011.jpg /office_0019/sync_depth_00011.png 518.8579 +/dining_room_0023/rgb_00131.jpg /dining_room_0023/sync_depth_00131.png 518.8579 +/kitchen_0051/rgb_00353.jpg /kitchen_0051/sync_depth_00353.png 518.8579 +/bedroom_0125b/rgb_00031.jpg /bedroom_0125b/sync_depth_00031.png 518.8579 +/kitchen_0008/rgb_00019.jpg /kitchen_0008/sync_depth_00019.png 518.8579 +/home_office_0007/rgb_00053.jpg /home_office_0007/sync_depth_00053.png 518.8579 +/bedroom_0069/rgb_00016.jpg /bedroom_0069/sync_depth_00016.png 518.8579 +/kitchen_0051/rgb_00166.jpg /kitchen_0051/sync_depth_00166.png 518.8579 +/bedroom_0100/rgb_00008.jpg /bedroom_0100/sync_depth_00008.png 518.8579 +/bedroom_0130/rgb_00046.jpg /bedroom_0130/sync_depth_00046.png 518.8579 +/reception_room_0004/rgb_00072.jpg /reception_room_0004/sync_depth_00072.png 518.8579 +/living_room_0046a/rgb_00074.jpg /living_room_0046a/sync_depth_00074.png 518.8579 +/living_room_0062/rgb_00041.jpg /living_room_0062/sync_depth_00041.png 518.8579 +/bedroom_0130/rgb_00030.jpg /bedroom_0130/sync_depth_00030.png 518.8579 +/bedroom_0059/rgb_00073.jpg /bedroom_0059/sync_depth_00073.png 518.8579 +/living_room_0010/rgb_00113.jpg /living_room_0010/sync_depth_00113.png 518.8579 +/bedroom_0066/rgb_00025.jpg /bedroom_0066/sync_depth_00025.png 518.8579 +/furniture_store_0001d/rgb_00206.jpg /furniture_store_0001d/sync_depth_00206.png 518.8579 +/bookstore_0001h/rgb_00163.jpg /bookstore_0001h/sync_depth_00163.png 518.8579 +/classroom_0010/rgb_00063.jpg /classroom_0010/sync_depth_00063.png 518.8579 +/office_0021/rgb_00006.jpg /office_0021/sync_depth_00006.png 518.8579 +/living_room_0032/rgb_00000.jpg /living_room_0032/sync_depth_00000.png 518.8579 +/bathroom_0016/rgb_00025.jpg /bathroom_0016/sync_depth_00025.png 518.8579 +/bedroom_0017/rgb_00065.jpg /bedroom_0017/sync_depth_00065.png 518.8579 +/kitchen_0043/rgb_00173.jpg /kitchen_0043/sync_depth_00173.png 518.8579 +/bookstore_0001g/rgb_00276.jpg /bookstore_0001g/sync_depth_00276.png 518.8579 +/kitchen_0053/rgb_00087.jpg /kitchen_0053/sync_depth_00087.png 518.8579 +/living_room_0022/rgb_00202.jpg /living_room_0022/sync_depth_00202.png 518.8579 +/furniture_store_0002a/rgb_00200.jpg /furniture_store_0002a/sync_depth_00200.png 518.8579 +/kitchen_0049/rgb_00166.jpg /kitchen_0049/sync_depth_00166.png 518.8579 +/bedroom_0004/rgb_00057.jpg /bedroom_0004/sync_depth_00057.png 518.8579 +/bedroom_0069/rgb_00070.jpg /bedroom_0069/sync_depth_00070.png 518.8579 +/laundry_room_0001/rgb_00060.jpg /laundry_room_0001/sync_depth_00060.png 518.8579 +/bedroom_0062/rgb_00109.jpg /bedroom_0062/sync_depth_00109.png 518.8579 +/living_room_0005/rgb_00154.jpg /living_room_0005/sync_depth_00154.png 518.8579 +/furniture_store_0002d/rgb_00026.jpg /furniture_store_0002d/sync_depth_00026.png 518.8579 +/bedroom_0053/rgb_00101.jpg /bedroom_0053/sync_depth_00101.png 518.8579 +/kitchen_0059/rgb_00025.jpg /kitchen_0059/sync_depth_00025.png 518.8579 +/bedroom_0080/rgb_00040.jpg /bedroom_0080/sync_depth_00040.png 518.8579 +/bedroom_0076a/rgb_00067.jpg /bedroom_0076a/sync_depth_00067.png 518.8579 +/conference_room_0002/rgb_00035.jpg /conference_room_0002/sync_depth_00035.png 518.8579 +/bedroom_0050/rgb_00071.jpg /bedroom_0050/sync_depth_00071.png 518.8579 +/bathroom_0053/rgb_00054.jpg /bathroom_0053/sync_depth_00054.png 518.8579 +/kitchen_0006/rgb_00014.jpg /kitchen_0006/sync_depth_00014.png 518.8579 +/bathroom_0041/rgb_00048.jpg /bathroom_0041/sync_depth_00048.png 518.8579 +/dining_room_0024/rgb_00139.jpg /dining_room_0024/sync_depth_00139.png 518.8579 +/bedroom_0026/rgb_00148.jpg /bedroom_0026/sync_depth_00148.png 518.8579 +/study_0003/rgb_00091.jpg /study_0003/sync_depth_00091.png 518.8579 +/bathroom_0007/rgb_00019.jpg /bathroom_0007/sync_depth_00019.png 518.8579 +/bedroom_0021/rgb_00110.jpg /bedroom_0021/sync_depth_00110.png 518.8579 +/bedroom_0016/rgb_00005.jpg /bedroom_0016/sync_depth_00005.png 518.8579 +/living_room_0022/rgb_00258.jpg /living_room_0022/sync_depth_00258.png 518.8579 +/bedroom_0052/rgb_00059.jpg /bedroom_0052/sync_depth_00059.png 518.8579 +/living_room_0018/rgb_00138.jpg /living_room_0018/sync_depth_00138.png 518.8579 +/bathroom_0006/rgb_00023.jpg /bathroom_0006/sync_depth_00023.png 518.8579 +/living_room_0029/rgb_00014.jpg /living_room_0029/sync_depth_00014.png 518.8579 +/bedroom_0106/rgb_00096.jpg /bedroom_0106/sync_depth_00096.png 518.8579 +/bedroom_0076a/rgb_00069.jpg /bedroom_0076a/sync_depth_00069.png 518.8579 +/living_room_0020/rgb_00049.jpg /living_room_0020/sync_depth_00049.png 518.8579 +/basement_0001a/rgb_00053.jpg /basement_0001a/sync_depth_00053.png 518.8579 +/playroom_0003/rgb_00034.jpg /playroom_0003/sync_depth_00034.png 518.8579 +/bedroom_0020/rgb_00015.jpg /bedroom_0020/sync_depth_00015.png 518.8579 +/reception_room_0004/rgb_00017.jpg /reception_room_0004/sync_depth_00017.png 518.8579 +/bookstore_0001i/rgb_00158.jpg /bookstore_0001i/sync_depth_00158.png 518.8579 +/kitchen_0048/rgb_00217.jpg /kitchen_0048/sync_depth_00217.png 518.8579 +/kitchen_0006/rgb_00061.jpg /kitchen_0006/sync_depth_00061.png 518.8579 +/bedroom_0140/rgb_00018.jpg /bedroom_0140/sync_depth_00018.png 518.8579 +/kitchen_0035b/rgb_00318.jpg /kitchen_0035b/sync_depth_00318.png 518.8579 +/furniture_store_0001d/rgb_00175.jpg /furniture_store_0001d/sync_depth_00175.png 518.8579 +/dining_room_0016/rgb_00180.jpg /dining_room_0016/sync_depth_00180.png 518.8579 +/nyu_office_0/rgb_00049.jpg /nyu_office_0/sync_depth_00049.png 518.8579 +/living_room_0063/rgb_00113.jpg /living_room_0063/sync_depth_00113.png 518.8579 +/bedroom_0012/rgb_00027.jpg /bedroom_0012/sync_depth_00027.png 518.8579 +/bedroom_0052/rgb_00158.jpg /bedroom_0052/sync_depth_00158.png 518.8579 +/office_0012/rgb_00039.jpg /office_0012/sync_depth_00039.png 518.8579 +/office_0009/rgb_00028.jpg /office_0009/sync_depth_00028.png 518.8579 +/bedroom_0072/rgb_00072.jpg /bedroom_0072/sync_depth_00072.png 518.8579 +/living_room_0022/rgb_00239.jpg /living_room_0022/sync_depth_00239.png 518.8579 +/living_room_0010/rgb_00061.jpg /living_room_0010/sync_depth_00061.png 518.8579 +/bedroom_0063/rgb_00107.jpg /bedroom_0063/sync_depth_00107.png 518.8579 +/bedroom_0050/rgb_00021.jpg /bedroom_0050/sync_depth_00021.png 518.8579 +/bedroom_0076a/rgb_00147.jpg /bedroom_0076a/sync_depth_00147.png 518.8579 +/student_lounge_0001/rgb_00038.jpg /student_lounge_0001/sync_depth_00038.png 518.8579 +/bedroom_0063/rgb_00102.jpg /bedroom_0063/sync_depth_00102.png 518.8579 +/living_room_0011/rgb_00067.jpg /living_room_0011/sync_depth_00067.png 518.8579 +/home_office_0004/rgb_00057.jpg /home_office_0004/sync_depth_00057.png 518.8579 +/living_room_0038/rgb_00049.jpg /living_room_0038/sync_depth_00049.png 518.8579 +/living_room_0018/rgb_00126.jpg /living_room_0018/sync_depth_00126.png 518.8579 +/living_room_0055/rgb_00122.jpg /living_room_0055/sync_depth_00122.png 518.8579 +/bedroom_0086/rgb_00076.jpg /bedroom_0086/sync_depth_00076.png 518.8579 +/kitchen_0053/rgb_00217.jpg /kitchen_0053/sync_depth_00217.png 518.8579 +/bookstore_0001d/rgb_00283.jpg /bookstore_0001d/sync_depth_00283.png 518.8579 +/living_room_0039/rgb_00127.jpg /living_room_0039/sync_depth_00127.png 518.8579 +/bedroom_0076a/rgb_00031.jpg /bedroom_0076a/sync_depth_00031.png 518.8579 +/bathroom_0033/rgb_00008.jpg /bathroom_0033/sync_depth_00008.png 518.8579 +/playroom_0003/rgb_00176.jpg /playroom_0003/sync_depth_00176.png 518.8579 +/dining_room_0029/rgb_00080.jpg /dining_room_0029/sync_depth_00080.png 518.8579 +/bedroom_0072/rgb_00120.jpg /bedroom_0072/sync_depth_00120.png 518.8579 +/bedroom_0028/rgb_00004.jpg /bedroom_0028/sync_depth_00004.png 518.8579 +/bedroom_0130/rgb_00031.jpg /bedroom_0130/sync_depth_00031.png 518.8579 +/bathroom_0028/rgb_00017.jpg /bathroom_0028/sync_depth_00017.png 518.8579 +/dining_room_0015/rgb_00183.jpg /dining_room_0015/sync_depth_00183.png 518.8579 +/office_kitchen_0001a/rgb_00013.jpg /office_kitchen_0001a/sync_depth_00013.png 518.8579 +/bedroom_0015/rgb_00013.jpg /bedroom_0015/sync_depth_00013.png 518.8579 +/bedroom_0031/rgb_00011.jpg /bedroom_0031/sync_depth_00011.png 518.8579 +/bedroom_0041/rgb_00012.jpg /bedroom_0041/sync_depth_00012.png 518.8579 +/reception_room_0004/rgb_00093.jpg /reception_room_0004/sync_depth_00093.png 518.8579 +/living_room_0046b/rgb_00102.jpg /living_room_0046b/sync_depth_00102.png 518.8579 +/living_room_0063/rgb_00156.jpg /living_room_0063/sync_depth_00156.png 518.8579 +/kitchen_0017/rgb_00042.jpg /kitchen_0017/sync_depth_00042.png 518.8579 +/bathroom_0030/rgb_00006.jpg /bathroom_0030/sync_depth_00006.png 518.8579 +/dining_room_0024/rgb_00127.jpg /dining_room_0024/sync_depth_00127.png 518.8579 +/bathroom_0007/rgb_00070.jpg /bathroom_0007/sync_depth_00070.png 518.8579 +/bedroom_0060/rgb_00097.jpg /bedroom_0060/sync_depth_00097.png 518.8579 +/living_room_0010/rgb_00125.jpg /living_room_0010/sync_depth_00125.png 518.8579 +/kitchen_0045b/rgb_00145.jpg /kitchen_0045b/sync_depth_00145.png 518.8579 +/furniture_store_0002c/rgb_00073.jpg /furniture_store_0002c/sync_depth_00073.png 518.8579 +/bedroom_0015/rgb_00081.jpg /bedroom_0015/sync_depth_00081.png 518.8579 +/bedroom_0026/rgb_00066.jpg /bedroom_0026/sync_depth_00066.png 518.8579 +/bedroom_0065/rgb_00009.jpg /bedroom_0065/sync_depth_00009.png 518.8579 +/bedroom_0074/rgb_00131.jpg /bedroom_0074/sync_depth_00131.png 518.8579 +/kitchen_0051/rgb_00193.jpg /kitchen_0051/sync_depth_00193.png 518.8579 +/office_0026/rgb_00003.jpg /office_0026/sync_depth_00003.png 518.8579 +/bathroom_0054/rgb_00006.jpg /bathroom_0054/sync_depth_00006.png 518.8579 +/bedroom_0074/rgb_00063.jpg /bedroom_0074/sync_depth_00063.png 518.8579 +/living_room_0019/rgb_00177.jpg /living_room_0019/sync_depth_00177.png 518.8579 +/bedroom_0107/rgb_00020.jpg /bedroom_0107/sync_depth_00020.png 518.8579 +/living_room_0058/rgb_00126.jpg /living_room_0058/sync_depth_00126.png 518.8579 +/dining_room_0015/rgb_00112.jpg /dining_room_0015/sync_depth_00112.png 518.8579 +/living_room_0029/rgb_00012.jpg /living_room_0029/sync_depth_00012.png 518.8579 +/living_room_0038/rgb_00009.jpg /living_room_0038/sync_depth_00009.png 518.8579 +/bedroom_0050/rgb_00023.jpg /bedroom_0050/sync_depth_00023.png 518.8579 +/kitchen_0050/rgb_00074.jpg /kitchen_0050/sync_depth_00074.png 518.8579 +/office_0006/rgb_00102.jpg /office_0006/sync_depth_00102.png 518.8579 +/bedroom_0042/rgb_00001.jpg /bedroom_0042/sync_depth_00001.png 518.8579 +/kitchen_0011b/rgb_00035.jpg /kitchen_0011b/sync_depth_00035.png 518.8579 +/bathroom_0034/rgb_00080.jpg /bathroom_0034/sync_depth_00080.png 518.8579 +/bedroom_0086/rgb_00030.jpg /bedroom_0086/sync_depth_00030.png 518.8579 +/bathroom_0006/rgb_00042.jpg /bathroom_0006/sync_depth_00042.png 518.8579 +/dining_room_0016/rgb_00038.jpg /dining_room_0016/sync_depth_00038.png 518.8579 +/kitchen_0031/rgb_00085.jpg /kitchen_0031/sync_depth_00085.png 518.8579 +/bedroom_0140/rgb_00130.jpg /bedroom_0140/sync_depth_00130.png 518.8579 +/bathroom_0055/rgb_00045.jpg /bathroom_0055/sync_depth_00045.png 518.8579 +/kitchen_0003/rgb_00145.jpg /kitchen_0003/sync_depth_00145.png 518.8579 +/bedroom_0082/rgb_00035.jpg /bedroom_0082/sync_depth_00035.png 518.8579 +/living_room_0020/rgb_00100.jpg /living_room_0020/sync_depth_00100.png 518.8579 +/kitchen_0029c/rgb_00053.jpg /kitchen_0029c/sync_depth_00053.png 518.8579 +/dining_room_0034/rgb_00112.jpg /dining_room_0034/sync_depth_00112.png 518.8579 +/bedroom_0052/rgb_00201.jpg /bedroom_0052/sync_depth_00201.png 518.8579 +/bedroom_0072/rgb_00114.jpg /bedroom_0072/sync_depth_00114.png 518.8579 +/living_room_0039/rgb_00004.jpg /living_room_0039/sync_depth_00004.png 518.8579 +/living_room_0058/rgb_00234.jpg /living_room_0058/sync_depth_00234.png 518.8579 +/dining_room_0014/rgb_00113.jpg /dining_room_0014/sync_depth_00113.png 518.8579 +/living_room_0062/rgb_00126.jpg /living_room_0062/sync_depth_00126.png 518.8579 +/living_room_0086b/rgb_00007.jpg /living_room_0086b/sync_depth_00007.png 518.8579 +/bedroom_0053/rgb_00034.jpg /bedroom_0053/sync_depth_00034.png 518.8579 +/dining_room_0001b/rgb_00076.jpg /dining_room_0001b/sync_depth_00076.png 518.8579 +/bedroom_0051/rgb_00169.jpg /bedroom_0051/sync_depth_00169.png 518.8579 +/kitchen_0047/rgb_00011.jpg /kitchen_0047/sync_depth_00011.png 518.8579 +/kitchen_0029c/rgb_00002.jpg /kitchen_0029c/sync_depth_00002.png 518.8579 +/bedroom_0078/rgb_00033.jpg /bedroom_0078/sync_depth_00033.png 518.8579 +/furniture_store_0001e/rgb_00060.jpg /furniture_store_0001e/sync_depth_00060.png 518.8579 +/living_room_0042a/rgb_00036.jpg /living_room_0042a/sync_depth_00036.png 518.8579 +/bedroom_0056a/rgb_00080.jpg /bedroom_0056a/sync_depth_00080.png 518.8579 +/bathroom_0010/rgb_00024.jpg /bathroom_0010/sync_depth_00024.png 518.8579 +/classroom_0004/rgb_00013.jpg /classroom_0004/sync_depth_00013.png 518.8579 +/living_room_0042b/rgb_00089.jpg /living_room_0042b/sync_depth_00089.png 518.8579 +/kitchen_0011a/rgb_00101.jpg /kitchen_0011a/sync_depth_00101.png 518.8579 +/living_room_0055/rgb_00144.jpg /living_room_0055/sync_depth_00144.png 518.8579 +/living_room_0086a/rgb_00005.jpg /living_room_0086a/sync_depth_00005.png 518.8579 +/bedroom_0017/rgb_00113.jpg /bedroom_0017/sync_depth_00113.png 518.8579 +/bedroom_0026/rgb_00035.jpg /bedroom_0026/sync_depth_00035.png 518.8579 +/bookstore_0001g/rgb_00027.jpg /bookstore_0001g/sync_depth_00027.png 518.8579 +/bedroom_0035/rgb_00004.jpg /bedroom_0035/sync_depth_00004.png 518.8579 +/kitchen_0006/rgb_00027.jpg /kitchen_0006/sync_depth_00027.png 518.8579 +/furniture_store_0002d/rgb_00050.jpg /furniture_store_0002d/sync_depth_00050.png 518.8579 +/bookstore_0001h/rgb_00164.jpg /bookstore_0001h/sync_depth_00164.png 518.8579 +/kitchen_0011a/rgb_00003.jpg /kitchen_0011a/sync_depth_00003.png 518.8579 +/dining_room_0037/rgb_00173.jpg /dining_room_0037/sync_depth_00173.png 518.8579 +/printer_room_0001/rgb_00046.jpg /printer_room_0001/sync_depth_00046.png 518.8579 +/bedroom_0026/rgb_00109.jpg /bedroom_0026/sync_depth_00109.png 518.8579 +/bookstore_0001i/rgb_00133.jpg /bookstore_0001i/sync_depth_00133.png 518.8579 +/kitchen_0017/rgb_00097.jpg /kitchen_0017/sync_depth_00097.png 518.8579 +/office_0021/rgb_00009.jpg /office_0021/sync_depth_00009.png 518.8579 +/bedroom_0004/rgb_00109.jpg /bedroom_0004/sync_depth_00109.png 518.8579 +/bedroom_0126/rgb_00044.jpg /bedroom_0126/sync_depth_00044.png 518.8579 +/classroom_0016/rgb_00062.jpg /classroom_0016/sync_depth_00062.png 518.8579 +/bedroom_0063/rgb_00143.jpg /bedroom_0063/sync_depth_00143.png 518.8579 +/kitchen_0048/rgb_00212.jpg /kitchen_0048/sync_depth_00212.png 518.8579 +/bedroom_0041/rgb_00031.jpg /bedroom_0041/sync_depth_00031.png 518.8579 +/bedroom_0076a/rgb_00072.jpg /bedroom_0076a/sync_depth_00072.png 518.8579 +/bookstore_0001g/rgb_00079.jpg /bookstore_0001g/sync_depth_00079.png 518.8579 +/living_room_0085/rgb_00038.jpg /living_room_0085/sync_depth_00038.png 518.8579 +/cafe_0001a/rgb_00077.jpg /cafe_0001a/sync_depth_00077.png 518.8579 +/furniture_store_0002a/rgb_00248.jpg /furniture_store_0002a/sync_depth_00248.png 518.8579 +/living_room_0069b/rgb_00077.jpg /living_room_0069b/sync_depth_00077.png 518.8579 +/kitchen_0045a/rgb_00045.jpg /kitchen_0045a/sync_depth_00045.png 518.8579 +/kitchen_0059/rgb_00059.jpg /kitchen_0059/sync_depth_00059.png 518.8579 +/bedroom_0057/rgb_00025.jpg /bedroom_0057/sync_depth_00025.png 518.8579 +/bedroom_0004/rgb_00070.jpg /bedroom_0004/sync_depth_00070.png 518.8579 +/home_office_0004/rgb_00033.jpg /home_office_0004/sync_depth_00033.png 518.8579 +/classroom_0003/rgb_00036.jpg /classroom_0003/sync_depth_00036.png 518.8579 +/bedroom_0138/rgb_00107.jpg /bedroom_0138/sync_depth_00107.png 518.8579 +/kitchen_0050/rgb_00122.jpg /kitchen_0050/sync_depth_00122.png 518.8579 +/bedroom_0004/rgb_00127.jpg /bedroom_0004/sync_depth_00127.png 518.8579 +/living_room_0012/rgb_00158.jpg /living_room_0012/sync_depth_00158.png 518.8579 +/printer_room_0001/rgb_00068.jpg /printer_room_0001/sync_depth_00068.png 518.8579 +/bookstore_0001f/rgb_00365.jpg /bookstore_0001f/sync_depth_00365.png 518.8579 +/bedroom_0074/rgb_00065.jpg /bedroom_0074/sync_depth_00065.png 518.8579 +/bedroom_0097/rgb_00039.jpg /bedroom_0097/sync_depth_00039.png 518.8579 +/classroom_0004/rgb_00058.jpg /classroom_0004/sync_depth_00058.png 518.8579 +/furniture_store_0002a/rgb_00308.jpg /furniture_store_0002a/sync_depth_00308.png 518.8579 +/dining_room_0012/rgb_00164.jpg /dining_room_0012/sync_depth_00164.png 518.8579 +/dining_room_0037/rgb_00017.jpg /dining_room_0037/sync_depth_00017.png 518.8579 +/bedroom_0078/rgb_00123.jpg /bedroom_0078/sync_depth_00123.png 518.8579 +/bathroom_0014a/rgb_00016.jpg /bathroom_0014a/sync_depth_00016.png 518.8579 +/bedroom_0021/rgb_00112.jpg /bedroom_0021/sync_depth_00112.png 518.8579 +/kitchen_0053/rgb_00116.jpg /kitchen_0053/sync_depth_00116.png 518.8579 +/home_office_0008/rgb_00045.jpg /home_office_0008/sync_depth_00045.png 518.8579 +/bathroom_0049/rgb_00001.jpg /bathroom_0049/sync_depth_00001.png 518.8579 +/dining_room_0015/rgb_00031.jpg /dining_room_0015/sync_depth_00031.png 518.8579 +/playroom_0002/rgb_00125.jpg /playroom_0002/sync_depth_00125.png 518.8579 +/kitchen_0035b/rgb_00235.jpg /kitchen_0035b/sync_depth_00235.png 518.8579 +/bedroom_0004/rgb_00180.jpg /bedroom_0004/sync_depth_00180.png 518.8579 +/living_room_0010/rgb_00083.jpg /living_room_0010/sync_depth_00083.png 518.8579 +/bedroom_0129/rgb_00009.jpg /bedroom_0129/sync_depth_00009.png 518.8579 +/furniture_store_0002a/rgb_00324.jpg /furniture_store_0002a/sync_depth_00324.png 518.8579 +/playroom_0004/rgb_00118.jpg /playroom_0004/sync_depth_00118.png 518.8579 +/furniture_store_0002a/rgb_00209.jpg /furniture_store_0002a/sync_depth_00209.png 518.8579 +/living_room_0039/rgb_00050.jpg /living_room_0039/sync_depth_00050.png 518.8579 +/cafe_0001a/rgb_00045.jpg /cafe_0001a/sync_depth_00045.png 518.8579 +/kitchen_0011a/rgb_00098.jpg /kitchen_0011a/sync_depth_00098.png 518.8579 +/furniture_store_0002b/rgb_00237.jpg /furniture_store_0002b/sync_depth_00237.png 518.8579 +/office_0003/rgb_00070.jpg /office_0003/sync_depth_00070.png 518.8579 +/living_room_0040/rgb_00170.jpg /living_room_0040/sync_depth_00170.png 518.8579 +/office_0019/rgb_00037.jpg /office_0019/sync_depth_00037.png 518.8579 +/playroom_0002/rgb_00021.jpg /playroom_0002/sync_depth_00021.png 518.8579 +/bedroom_0010/rgb_00042.jpg /bedroom_0010/sync_depth_00042.png 518.8579 +/bedroom_0076a/rgb_00076.jpg /bedroom_0076a/sync_depth_00076.png 518.8579 +/bedroom_0072/rgb_00136.jpg /bedroom_0072/sync_depth_00136.png 518.8579 +/bedroom_0025/rgb_00078.jpg /bedroom_0025/sync_depth_00078.png 518.8579 +/bathroom_0014a/rgb_00059.jpg /bathroom_0014a/sync_depth_00059.png 518.8579 +/kitchen_0035b/rgb_00129.jpg /kitchen_0035b/sync_depth_00129.png 518.8579 +/kitchen_0019a/rgb_00082.jpg /kitchen_0019a/sync_depth_00082.png 518.8579 +/living_room_0082/rgb_00024.jpg /living_room_0082/sync_depth_00024.png 518.8579 +/kitchen_0049/rgb_00065.jpg /kitchen_0049/sync_depth_00065.png 518.8579 +/bathroom_0048/rgb_00070.jpg /bathroom_0048/sync_depth_00070.png 518.8579 +/dining_room_0031/rgb_00000.jpg /dining_room_0031/sync_depth_00000.png 518.8579 +/kitchen_0011a/rgb_00026.jpg /kitchen_0011a/sync_depth_00026.png 518.8579 +/dining_room_0034/rgb_00222.jpg /dining_room_0034/sync_depth_00222.png 518.8579 +/dining_room_0033/rgb_00038.jpg /dining_room_0033/sync_depth_00038.png 518.8579 +/office_0012/rgb_00086.jpg /office_0012/sync_depth_00086.png 518.8579 +/furniture_store_0002c/rgb_00029.jpg /furniture_store_0002c/sync_depth_00029.png 518.8579 +/classroom_0004/rgb_00017.jpg /classroom_0004/sync_depth_00017.png 518.8579 +/bookstore_0001f/rgb_00150.jpg /bookstore_0001f/sync_depth_00150.png 518.8579 +/living_room_0020/rgb_00025.jpg /living_room_0020/sync_depth_00025.png 518.8579 +/kitchen_0016/rgb_00055.jpg /kitchen_0016/sync_depth_00055.png 518.8579 +/living_room_0010/rgb_00143.jpg /living_room_0010/sync_depth_00143.png 518.8579 +/bookstore_0001f/rgb_00349.jpg /bookstore_0001f/sync_depth_00349.png 518.8579 +/living_room_0019/rgb_00151.jpg /living_room_0019/sync_depth_00151.png 518.8579 +/bathroom_0002/rgb_00044.jpg /bathroom_0002/sync_depth_00044.png 518.8579 +/bedroom_0130/rgb_00087.jpg /bedroom_0130/sync_depth_00087.png 518.8579 +/kitchen_0017/rgb_00049.jpg /kitchen_0017/sync_depth_00049.png 518.8579 +/bedroom_0050/rgb_00082.jpg /bedroom_0050/sync_depth_00082.png 518.8579 +/bathroom_0028/rgb_00084.jpg /bathroom_0028/sync_depth_00084.png 518.8579 +/bedroom_0041/rgb_00006.jpg /bedroom_0041/sync_depth_00006.png 518.8579 +/furniture_store_0001f/rgb_00015.jpg /furniture_store_0001f/sync_depth_00015.png 518.8579 +/bedroom_0004/rgb_00140.jpg /bedroom_0004/sync_depth_00140.png 518.8579 +/dining_room_0007/rgb_00064.jpg /dining_room_0007/sync_depth_00064.png 518.8579 +/bookstore_0001f/rgb_00233.jpg /bookstore_0001f/sync_depth_00233.png 518.8579 +/living_room_0020/rgb_00210.jpg /living_room_0020/sync_depth_00210.png 518.8579 +/reception_room_0002/rgb_00162.jpg /reception_room_0002/sync_depth_00162.png 518.8579 +/office_0003/rgb_00062.jpg /office_0003/sync_depth_00062.png 518.8579 +/nyu_office_0/rgb_00113.jpg /nyu_office_0/sync_depth_00113.png 518.8579 +/office_0026/rgb_00140.jpg /office_0026/sync_depth_00140.png 518.8579 +/furniture_store_0001d/rgb_00276.jpg /furniture_store_0001d/sync_depth_00276.png 518.8579 +/living_room_0086b/rgb_00020.jpg /living_room_0086b/sync_depth_00020.png 518.8579 +/kitchen_0035b/rgb_00123.jpg /kitchen_0035b/sync_depth_00123.png 518.8579 +/kitchen_0028a/rgb_00058.jpg /kitchen_0028a/sync_depth_00058.png 518.8579 +/dining_room_0002/rgb_00009.jpg /dining_room_0002/sync_depth_00009.png 518.8579 +/dining_room_0001b/rgb_00082.jpg /dining_room_0001b/sync_depth_00082.png 518.8579 +/living_room_0010/rgb_00067.jpg /living_room_0010/sync_depth_00067.png 518.8579 +/bathroom_0034/rgb_00011.jpg /bathroom_0034/sync_depth_00011.png 518.8579 +/kitchen_0045b/rgb_00121.jpg /kitchen_0045b/sync_depth_00121.png 518.8579 +/kitchen_0028a/rgb_00052.jpg /kitchen_0028a/sync_depth_00052.png 518.8579 +/bathroom_0039/rgb_00002.jpg /bathroom_0039/sync_depth_00002.png 518.8579 +/living_room_0032/rgb_00044.jpg /living_room_0032/sync_depth_00044.png 518.8579 +/home_office_0007/rgb_00017.jpg /home_office_0007/sync_depth_00017.png 518.8579 +/study_0006/rgb_00034.jpg /study_0006/sync_depth_00034.png 518.8579 +/dining_room_0019/rgb_00045.jpg /dining_room_0019/sync_depth_00045.png 518.8579 +/bedroom_0021/rgb_00076.jpg /bedroom_0021/sync_depth_00076.png 518.8579 +/living_room_0005/rgb_00131.jpg /living_room_0005/sync_depth_00131.png 518.8579 +/bedroom_0057/rgb_00002.jpg /bedroom_0057/sync_depth_00002.png 518.8579 +/dining_room_0031/rgb_00266.jpg /dining_room_0031/sync_depth_00266.png 518.8579 +/bedroom_0067a/rgb_00003.jpg /bedroom_0067a/sync_depth_00003.png 518.8579 +/playroom_0004/rgb_00064.jpg /playroom_0004/sync_depth_00064.png 518.8579 +/bookstore_0001f/rgb_00335.jpg /bookstore_0001f/sync_depth_00335.png 518.8579 +/bathroom_0019/rgb_00005.jpg /bathroom_0019/sync_depth_00005.png 518.8579 +/study_0004/rgb_00086.jpg /study_0004/sync_depth_00086.png 518.8579 +/bedroom_0113/rgb_00082.jpg /bedroom_0113/sync_depth_00082.png 518.8579 +/printer_room_0001/rgb_00055.jpg /printer_room_0001/sync_depth_00055.png 518.8579 +/kitchen_0003/rgb_00071.jpg /kitchen_0003/sync_depth_00071.png 518.8579 +/kitchen_0050/rgb_00113.jpg /kitchen_0050/sync_depth_00113.png 518.8579 +/living_room_0011/rgb_00000.jpg /living_room_0011/sync_depth_00000.png 518.8579 +/dining_room_0031/rgb_00125.jpg /dining_room_0031/sync_depth_00125.png 518.8579 +/bedroom_0065/rgb_00026.jpg /bedroom_0065/sync_depth_00026.png 518.8579 +/study_room_0005b/rgb_00019.jpg /study_room_0005b/sync_depth_00019.png 518.8579 +/living_room_0012/rgb_00116.jpg /living_room_0012/sync_depth_00116.png 518.8579 +/furniture_store_0001d/rgb_00188.jpg /furniture_store_0001d/sync_depth_00188.png 518.8579 +/bedroom_0050/rgb_00044.jpg /bedroom_0050/sync_depth_00044.png 518.8579 +/classroom_0022/rgb_00047.jpg /classroom_0022/sync_depth_00047.png 518.8579 +/office_0003/rgb_00009.jpg /office_0003/sync_depth_00009.png 518.8579 +/kitchen_0052/rgb_00179.jpg /kitchen_0052/sync_depth_00179.png 518.8579 +/living_room_0029/rgb_00045.jpg /living_room_0029/sync_depth_00045.png 518.8579 +/living_room_0078/rgb_00088.jpg /living_room_0078/sync_depth_00088.png 518.8579 +/bedroom_0004/rgb_00134.jpg /bedroom_0004/sync_depth_00134.png 518.8579 +/bookstore_0001e/rgb_00085.jpg /bookstore_0001e/sync_depth_00085.png 518.8579 +/living_room_0042a/rgb_00038.jpg /living_room_0042a/sync_depth_00038.png 518.8579 +/bathroom_0028/rgb_00036.jpg /bathroom_0028/sync_depth_00036.png 518.8579 +/living_room_0050/rgb_00163.jpg /living_room_0050/sync_depth_00163.png 518.8579 +/classroom_0006/rgb_00154.jpg /classroom_0006/sync_depth_00154.png 518.8579 +/living_room_0020/rgb_00091.jpg /living_room_0020/sync_depth_00091.png 518.8579 +/kitchen_0043/rgb_00263.jpg /kitchen_0043/sync_depth_00263.png 518.8579 +/kitchen_0051/rgb_00016.jpg /kitchen_0051/sync_depth_00016.png 518.8579 +/bookstore_0001g/rgb_00275.jpg /bookstore_0001g/sync_depth_00275.png 518.8579 +/dining_room_0001b/rgb_00089.jpg /dining_room_0001b/sync_depth_00089.png 518.8579 +/living_room_0011/rgb_00019.jpg /living_room_0011/sync_depth_00019.png 518.8579 +/dining_room_0034/rgb_00168.jpg /dining_room_0034/sync_depth_00168.png 518.8579 +/living_room_0085/rgb_00059.jpg /living_room_0085/sync_depth_00059.png 518.8579 +/kitchen_0050/rgb_00051.jpg /kitchen_0050/sync_depth_00051.png 518.8579 +/dinette_0001/rgb_00092.jpg /dinette_0001/sync_depth_00092.png 518.8579 +/office_0026/rgb_00055.jpg /office_0026/sync_depth_00055.png 518.8579 +/study_0004/rgb_00081.jpg /study_0004/sync_depth_00081.png 518.8579 +/kitchen_0047/rgb_00074.jpg /kitchen_0047/sync_depth_00074.png 518.8579 +/kitchen_0003/rgb_00080.jpg /kitchen_0003/sync_depth_00080.png 518.8579 +/kitchen_0008/rgb_00034.jpg /kitchen_0008/sync_depth_00034.png 518.8579 +/kitchen_0006/rgb_00079.jpg /kitchen_0006/sync_depth_00079.png 518.8579 +/bathroom_0016/rgb_00006.jpg /bathroom_0016/sync_depth_00006.png 518.8579 +/kitchen_0035a/rgb_00023.jpg /kitchen_0035a/sync_depth_00023.png 518.8579 +/bedroom_0078/rgb_00127.jpg /bedroom_0078/sync_depth_00127.png 518.8579 +/bedroom_0098/rgb_00039.jpg /bedroom_0098/sync_depth_00039.png 518.8579 +/printer_room_0001/rgb_00036.jpg /printer_room_0001/sync_depth_00036.png 518.8579 +/dining_room_0033/rgb_00035.jpg /dining_room_0033/sync_depth_00035.png 518.8579 +/living_room_0022/rgb_00276.jpg /living_room_0022/sync_depth_00276.png 518.8579 +/bedroom_0052/rgb_00213.jpg /bedroom_0052/sync_depth_00213.png 518.8579 +/kitchen_0052/rgb_00030.jpg /kitchen_0052/sync_depth_00030.png 518.8579 +/living_room_0032/rgb_00038.jpg /living_room_0032/sync_depth_00038.png 518.8579 +/kitchen_0008/rgb_00048.jpg /kitchen_0008/sync_depth_00048.png 518.8579 +/dining_room_0004/rgb_00074.jpg /dining_room_0004/sync_depth_00074.png 518.8579 +/living_room_0058/rgb_00074.jpg /living_room_0058/sync_depth_00074.png 518.8579 +/kitchen_0043/rgb_00088.jpg /kitchen_0043/sync_depth_00088.png 518.8579 +/bedroom_0124/rgb_00008.jpg /bedroom_0124/sync_depth_00008.png 518.8579 +/bedroom_0010/rgb_00116.jpg /bedroom_0010/sync_depth_00116.png 518.8579 +/foyer_0002/rgb_00002.jpg /foyer_0002/sync_depth_00002.png 518.8579 +/bookstore_0001g/rgb_00206.jpg /bookstore_0001g/sync_depth_00206.png 518.8579 +/office_0018/rgb_00028.jpg /office_0018/sync_depth_00028.png 518.8579 +/living_room_0022/rgb_00189.jpg /living_room_0022/sync_depth_00189.png 518.8579 +/living_room_0039/rgb_00120.jpg /living_room_0039/sync_depth_00120.png 518.8579 +/kitchen_0016/rgb_00109.jpg /kitchen_0016/sync_depth_00109.png 518.8579 +/kitchen_0060/rgb_00094.jpg /kitchen_0060/sync_depth_00094.png 518.8579 +/living_room_0047b/rgb_00111.jpg /living_room_0047b/sync_depth_00111.png 518.8579 +/bedroom_0051/rgb_00093.jpg /bedroom_0051/sync_depth_00093.png 518.8579 +/kitchen_0045a/rgb_00161.jpg /kitchen_0045a/sync_depth_00161.png 518.8579 +/bedroom_0012/rgb_00039.jpg /bedroom_0012/sync_depth_00039.png 518.8579 +/bookstore_0001e/rgb_00088.jpg /bookstore_0001e/sync_depth_00088.png 518.8579 +/classroom_0011/rgb_00006.jpg /classroom_0011/sync_depth_00006.png 518.8579 +/dining_room_0019/rgb_00158.jpg /dining_room_0019/sync_depth_00158.png 518.8579 +/bedroom_0071/rgb_00113.jpg /bedroom_0071/sync_depth_00113.png 518.8579 +/playroom_0006/rgb_00139.jpg /playroom_0006/sync_depth_00139.png 518.8579 +/home_office_0005/rgb_00054.jpg /home_office_0005/sync_depth_00054.png 518.8579 +/dining_room_0007/rgb_00139.jpg /dining_room_0007/sync_depth_00139.png 518.8579 +/bookstore_0001g/rgb_00201.jpg /bookstore_0001g/sync_depth_00201.png 518.8579 +/home_office_0005/rgb_00134.jpg /home_office_0005/sync_depth_00134.png 518.8579 +/kitchen_0048/rgb_00017.jpg /kitchen_0048/sync_depth_00017.png 518.8579 +/bathroom_0013/rgb_00023.jpg /bathroom_0013/sync_depth_00023.png 518.8579 +/bookstore_0001j/rgb_00082.jpg /bookstore_0001j/sync_depth_00082.png 518.8579 +/kitchen_0043/rgb_00012.jpg /kitchen_0043/sync_depth_00012.png 518.8579 +/dining_room_0023/rgb_00025.jpg /dining_room_0023/sync_depth_00025.png 518.8579 +/classroom_0006/rgb_00191.jpg /classroom_0006/sync_depth_00191.png 518.8579 +/study_0003/rgb_00084.jpg /study_0003/sync_depth_00084.png 518.8579 +/student_lounge_0001/rgb_00244.jpg /student_lounge_0001/sync_depth_00244.png 518.8579 +/home_storage_0001/rgb_00152.jpg /home_storage_0001/sync_depth_00152.png 518.8579 +/bedroom_0140/rgb_00074.jpg /bedroom_0140/sync_depth_00074.png 518.8579 +/dining_room_0013/rgb_00198.jpg /dining_room_0013/sync_depth_00198.png 518.8579 +/home_office_0004/rgb_00106.jpg /home_office_0004/sync_depth_00106.png 518.8579 +/living_room_0070/rgb_00093.jpg /living_room_0070/sync_depth_00093.png 518.8579 +/dining_room_0031/rgb_00253.jpg /dining_room_0031/sync_depth_00253.png 518.8579 +/living_room_0040/rgb_00335.jpg /living_room_0040/sync_depth_00335.png 518.8579 +/office_kitchen_0003/rgb_00018.jpg /office_kitchen_0003/sync_depth_00018.png 518.8579 +/office_0003/rgb_00014.jpg /office_0003/sync_depth_00014.png 518.8579 +/living_room_0020/rgb_00020.jpg /living_room_0020/sync_depth_00020.png 518.8579 +/bedroom_0132/rgb_00022.jpg /bedroom_0132/sync_depth_00022.png 518.8579 +/classroom_0016/rgb_00027.jpg /classroom_0016/sync_depth_00027.png 518.8579 +/living_room_0038/rgb_00060.jpg /living_room_0038/sync_depth_00060.png 518.8579 +/living_room_0022/rgb_00374.jpg /living_room_0022/sync_depth_00374.png 518.8579 +/bedroom_0025/rgb_00035.jpg /bedroom_0025/sync_depth_00035.png 518.8579 +/bookstore_0001h/rgb_00138.jpg /bookstore_0001h/sync_depth_00138.png 518.8579 +/kitchen_0033/rgb_00143.jpg /kitchen_0033/sync_depth_00143.png 518.8579 +/living_room_0039/rgb_00083.jpg /living_room_0039/sync_depth_00083.png 518.8579 +/living_room_0069a/rgb_00038.jpg /living_room_0069a/sync_depth_00038.png 518.8579 +/kitchen_0052/rgb_00091.jpg /kitchen_0052/sync_depth_00091.png 518.8579 +/bedroom_0106/rgb_00073.jpg /bedroom_0106/sync_depth_00073.png 518.8579 +/bookstore_0001d/rgb_00159.jpg /bookstore_0001d/sync_depth_00159.png 518.8579 +/living_room_0046b/rgb_00062.jpg /living_room_0046b/sync_depth_00062.png 518.8579 +/living_room_0037/rgb_00001.jpg /living_room_0037/sync_depth_00001.png 518.8579 +/dining_room_0004/rgb_00056.jpg /dining_room_0004/sync_depth_00056.png 518.8579 +/home_office_0004/rgb_00029.jpg /home_office_0004/sync_depth_00029.png 518.8579 +/dining_room_0001b/rgb_00038.jpg /dining_room_0001b/sync_depth_00038.png 518.8579 +/living_room_0022/rgb_00246.jpg /living_room_0022/sync_depth_00246.png 518.8579 +/bedroom_0125b/rgb_00036.jpg /bedroom_0125b/sync_depth_00036.png 518.8579 +/bathroom_0013/rgb_00065.jpg /bathroom_0013/sync_depth_00065.png 518.8579 +/reception_room_0001a/rgb_00115.jpg /reception_room_0001a/sync_depth_00115.png 518.8579 +/dining_room_0028/rgb_00113.jpg /dining_room_0028/sync_depth_00113.png 518.8579 +/bedroom_0140/rgb_00119.jpg /bedroom_0140/sync_depth_00119.png 518.8579 +/bedroom_0051/rgb_00026.jpg /bedroom_0051/sync_depth_00026.png 518.8579 +/dining_room_0019/rgb_00070.jpg /dining_room_0019/sync_depth_00070.png 518.8579 +/living_room_0004/rgb_00124.jpg /living_room_0004/sync_depth_00124.png 518.8579 +/computer_lab_0002/rgb_00015.jpg /computer_lab_0002/sync_depth_00015.png 518.8579 +/bedroom_0060/rgb_00031.jpg /bedroom_0060/sync_depth_00031.png 518.8579 +/furniture_store_0001d/rgb_00102.jpg /furniture_store_0001d/sync_depth_00102.png 518.8579 +/living_room_0083/rgb_00040.jpg /living_room_0083/sync_depth_00040.png 518.8579 +/bedroom_0071/rgb_00186.jpg /bedroom_0071/sync_depth_00186.png 518.8579 +/living_room_0058/rgb_00132.jpg /living_room_0058/sync_depth_00132.png 518.8579 +/bedroom_0004/rgb_00079.jpg /bedroom_0004/sync_depth_00079.png 518.8579 +/playroom_0006/rgb_00148.jpg /playroom_0006/sync_depth_00148.png 518.8579 +/bedroom_0050/rgb_00119.jpg /bedroom_0050/sync_depth_00119.png 518.8579 +/playroom_0003/rgb_00131.jpg /playroom_0003/sync_depth_00131.png 518.8579 +/bedroom_0042/rgb_00060.jpg /bedroom_0042/sync_depth_00060.png 518.8579 +/bedroom_0062/rgb_00080.jpg /bedroom_0062/sync_depth_00080.png 518.8579 +/reception_room_0001b/rgb_00121.jpg /reception_room_0001b/sync_depth_00121.png 518.8579 +/living_room_0035/rgb_00006.jpg /living_room_0035/sync_depth_00006.png 518.8579 +/classroom_0006/rgb_00019.jpg /classroom_0006/sync_depth_00019.png 518.8579 +/bedroom_0140/rgb_00098.jpg /bedroom_0140/sync_depth_00098.png 518.8579 +/kitchen_0060/rgb_00072.jpg /kitchen_0060/sync_depth_00072.png 518.8579 +/dining_room_0007/rgb_00128.jpg /dining_room_0007/sync_depth_00128.png 518.8579 +/bedroom_0080/rgb_00045.jpg /bedroom_0080/sync_depth_00045.png 518.8579 +/bedroom_0052/rgb_00174.jpg /bedroom_0052/sync_depth_00174.png 518.8579 +/dining_room_0007/rgb_00168.jpg /dining_room_0007/sync_depth_00168.png 518.8579 +/nyu_office_0/rgb_00079.jpg /nyu_office_0/sync_depth_00079.png 518.8579 +/bedroom_0097/rgb_00041.jpg /bedroom_0097/sync_depth_00041.png 518.8579 +/bedroom_0021/rgb_00067.jpg /bedroom_0021/sync_depth_00067.png 518.8579 +/dining_room_0013/rgb_00073.jpg /dining_room_0013/sync_depth_00073.png 518.8579 +/classroom_0004/rgb_00086.jpg /classroom_0004/sync_depth_00086.png 518.8579 +/dining_room_0034/rgb_00008.jpg /dining_room_0034/sync_depth_00008.png 518.8579 +/bathroom_0006/rgb_00040.jpg /bathroom_0006/sync_depth_00040.png 518.8579 +/bedroom_0097/rgb_00056.jpg /bedroom_0097/sync_depth_00056.png 518.8579 +/living_room_0032/rgb_00043.jpg /living_room_0032/sync_depth_00043.png 518.8579 +/dining_room_0037/rgb_00064.jpg /dining_room_0037/sync_depth_00064.png 518.8579 +/dining_room_0012/rgb_00148.jpg /dining_room_0012/sync_depth_00148.png 518.8579 +/bedroom_0029/rgb_00059.jpg /bedroom_0029/sync_depth_00059.png 518.8579 +/bedroom_0080/rgb_00038.jpg /bedroom_0080/sync_depth_00038.png 518.8579 +/kitchen_0031/rgb_00047.jpg /kitchen_0031/sync_depth_00047.png 518.8579 +/bedroom_0050/rgb_00169.jpg /bedroom_0050/sync_depth_00169.png 518.8579 +/kitchen_0037/rgb_00055.jpg /kitchen_0037/sync_depth_00055.png 518.8579 +/bedroom_0076a/rgb_00230.jpg /bedroom_0076a/sync_depth_00230.png 518.8579 +/kitchen_0031/rgb_00064.jpg /kitchen_0031/sync_depth_00064.png 518.8579 +/office_0019/rgb_00042.jpg /office_0019/sync_depth_00042.png 518.8579 +/nyu_office_0/rgb_00370.jpg /nyu_office_0/sync_depth_00370.png 518.8579 +/dining_room_0019/rgb_00058.jpg /dining_room_0019/sync_depth_00058.png 518.8579 +/bathroom_0023/rgb_00015.jpg /bathroom_0023/sync_depth_00015.png 518.8579 +/kitchen_0033/rgb_00067.jpg /kitchen_0033/sync_depth_00067.png 518.8579 +/kitchen_0053/rgb_00205.jpg /kitchen_0053/sync_depth_00205.png 518.8579 +/bedroom_0010/rgb_00012.jpg /bedroom_0010/sync_depth_00012.png 518.8579 +/living_room_0033/rgb_00060.jpg /living_room_0033/sync_depth_00060.png 518.8579 +/bedroom_0059/rgb_00092.jpg /bedroom_0059/sync_depth_00092.png 518.8579 +/bathroom_0013/rgb_00040.jpg /bathroom_0013/sync_depth_00040.png 518.8579 +/furniture_store_0002b/rgb_00058.jpg /furniture_store_0002b/sync_depth_00058.png 518.8579 +/bedroom_0069/rgb_00060.jpg /bedroom_0069/sync_depth_00060.png 518.8579 +/playroom_0006/rgb_00025.jpg /playroom_0006/sync_depth_00025.png 518.8579 +/living_room_0040/rgb_00125.jpg /living_room_0040/sync_depth_00125.png 518.8579 +/furniture_store_0002a/rgb_00134.jpg /furniture_store_0002a/sync_depth_00134.png 518.8579 +/dining_room_0024/rgb_00156.jpg /dining_room_0024/sync_depth_00156.png 518.8579 +/kitchen_0051/rgb_00187.jpg /kitchen_0051/sync_depth_00187.png 518.8579 +/furniture_store_0002b/rgb_00022.jpg /furniture_store_0002b/sync_depth_00022.png 518.8579 +/dining_room_0014/rgb_00051.jpg /dining_room_0014/sync_depth_00051.png 518.8579 +/furniture_store_0002a/rgb_00181.jpg /furniture_store_0002a/sync_depth_00181.png 518.8579 +/living_room_0040/rgb_00023.jpg /living_room_0040/sync_depth_00023.png 518.8579 +/kitchen_0045a/rgb_00121.jpg /kitchen_0045a/sync_depth_00121.png 518.8579 +/study_0004/rgb_00084.jpg /study_0004/sync_depth_00084.png 518.8579 +/study_room_0004/rgb_00009.jpg /study_room_0004/sync_depth_00009.png 518.8579 +/bathroom_0045a/rgb_00058.jpg /bathroom_0045a/sync_depth_00058.png 518.8579 +/living_room_0022/rgb_00294.jpg /living_room_0022/sync_depth_00294.png 518.8579 +/classroom_0012/rgb_00038.jpg /classroom_0012/sync_depth_00038.png 518.8579 +/kitchen_0035b/rgb_00214.jpg /kitchen_0035b/sync_depth_00214.png 518.8579 +/living_room_0042b/rgb_00072.jpg /living_room_0042b/sync_depth_00072.png 518.8579 +/living_room_0010/rgb_00009.jpg /living_room_0010/sync_depth_00009.png 518.8579 +/conference_room_0001/rgb_00004.jpg /conference_room_0001/sync_depth_00004.png 518.8579 +/home_office_0004/rgb_00183.jpg /home_office_0004/sync_depth_00183.png 518.8579 +/living_room_0086b/rgb_00000.jpg /living_room_0086b/sync_depth_00000.png 518.8579 +/living_room_0020/rgb_00107.jpg /living_room_0020/sync_depth_00107.png 518.8579 +/bedroom_0100/rgb_00071.jpg /bedroom_0100/sync_depth_00071.png 518.8579 +/kitchen_0049/rgb_00155.jpg /kitchen_0049/sync_depth_00155.png 518.8579 +/furniture_store_0002a/rgb_00254.jpg /furniture_store_0002a/sync_depth_00254.png 518.8579 +/bedroom_0063/rgb_00077.jpg /bedroom_0063/sync_depth_00077.png 518.8579 +/bedroom_0136/rgb_00134.jpg /bedroom_0136/sync_depth_00134.png 518.8579 +/bedroom_0026/rgb_00125.jpg /bedroom_0026/sync_depth_00125.png 518.8579 +/furniture_store_0001d/rgb_00158.jpg /furniture_store_0001d/sync_depth_00158.png 518.8579 +/bedroom_0140/rgb_00084.jpg /bedroom_0140/sync_depth_00084.png 518.8579 +/kitchen_0010/rgb_00019.jpg /kitchen_0010/sync_depth_00019.png 518.8579 +/bedroom_0017/rgb_00095.jpg /bedroom_0017/sync_depth_00095.png 518.8579 +/office_0018/rgb_00051.jpg /office_0018/sync_depth_00051.png 518.8579 +/office_kitchen_0001a/rgb_00002.jpg /office_kitchen_0001a/sync_depth_00002.png 518.8579 +/bedroom_0078/rgb_00100.jpg /bedroom_0078/sync_depth_00100.png 518.8579 +/kitchen_0045a/rgb_00144.jpg /kitchen_0045a/sync_depth_00144.png 518.8579 +/office_0011/rgb_00063.jpg /office_0011/sync_depth_00063.png 518.8579 +/dining_room_0033/rgb_00151.jpg /dining_room_0033/sync_depth_00151.png 518.8579 +/living_room_0038/rgb_00065.jpg /living_room_0038/sync_depth_00065.png 518.8579 +/dining_room_0016/rgb_00185.jpg /dining_room_0016/sync_depth_00185.png 518.8579 +/reception_room_0004/rgb_00090.jpg /reception_room_0004/sync_depth_00090.png 518.8579 +/bathroom_0050/rgb_00007.jpg /bathroom_0050/sync_depth_00007.png 518.8579 +/bedroom_0040/rgb_00014.jpg /bedroom_0040/sync_depth_00014.png 518.8579 +/living_room_0010/rgb_00068.jpg /living_room_0010/sync_depth_00068.png 518.8579 +/dining_room_0033/rgb_00094.jpg /dining_room_0033/sync_depth_00094.png 518.8579 +/living_room_0068/rgb_00011.jpg /living_room_0068/sync_depth_00011.png 518.8579 +/bedroom_0104/rgb_00020.jpg /bedroom_0104/sync_depth_00020.png 518.8579 +/bedroom_0025/rgb_00100.jpg /bedroom_0025/sync_depth_00100.png 518.8579 +/home_office_0011/rgb_00083.jpg /home_office_0011/sync_depth_00083.png 518.8579 +/bathroom_0030/rgb_00042.jpg /bathroom_0030/sync_depth_00042.png 518.8579 +/reception_room_0002/rgb_00175.jpg /reception_room_0002/sync_depth_00175.png 518.8579 +/bedroom_0026/rgb_00021.jpg /bedroom_0026/sync_depth_00021.png 518.8579 +/bedroom_0019/rgb_00044.jpg /bedroom_0019/sync_depth_00044.png 518.8579 +/bathroom_0056/rgb_00000.jpg /bathroom_0056/sync_depth_00000.png 518.8579 +/bookstore_0001h/rgb_00135.jpg /bookstore_0001h/sync_depth_00135.png 518.8579 +/bathroom_0014a/rgb_00058.jpg /bathroom_0014a/sync_depth_00058.png 518.8579 +/living_room_0039/rgb_00063.jpg /living_room_0039/sync_depth_00063.png 518.8579 +/classroom_0006/rgb_00000.jpg /classroom_0006/sync_depth_00000.png 518.8579 +/bathroom_0014a/rgb_00049.jpg /bathroom_0014a/sync_depth_00049.png 518.8579 +/office_0006/rgb_00022.jpg /office_0006/sync_depth_00022.png 518.8579 +/kitchen_0035b/rgb_00322.jpg /kitchen_0035b/sync_depth_00322.png 518.8579 +/kitchen_0051/rgb_00169.jpg /kitchen_0051/sync_depth_00169.png 518.8579 +/bathroom_0055/rgb_00014.jpg /bathroom_0055/sync_depth_00014.png 518.8579 +/kitchen_0017/rgb_00015.jpg /kitchen_0017/sync_depth_00015.png 518.8579 +/dining_room_0013/rgb_00151.jpg /dining_room_0013/sync_depth_00151.png 518.8579 +/bathroom_0048/rgb_00042.jpg /bathroom_0048/sync_depth_00042.png 518.8579 +/bedroom_0074/rgb_00130.jpg /bedroom_0074/sync_depth_00130.png 518.8579 +/living_room_0020/rgb_00042.jpg /living_room_0020/sync_depth_00042.png 518.8579 +/living_room_0005/rgb_00140.jpg /living_room_0005/sync_depth_00140.png 518.8579 +/living_room_0018/rgb_00027.jpg /living_room_0018/sync_depth_00027.png 518.8579 +/classroom_0018/rgb_00010.jpg /classroom_0018/sync_depth_00010.png 518.8579 +/furniture_store_0001e/rgb_00070.jpg /furniture_store_0001e/sync_depth_00070.png 518.8579 +/bedroom_0060/rgb_00055.jpg /bedroom_0060/sync_depth_00055.png 518.8579 +/dining_room_0016/rgb_00167.jpg /dining_room_0016/sync_depth_00167.png 518.8579 +/bookstore_0001f/rgb_00046.jpg /bookstore_0001f/sync_depth_00046.png 518.8579 +/dining_room_0024/rgb_00134.jpg /dining_room_0024/sync_depth_00134.png 518.8579 +/furniture_store_0002a/rgb_00283.jpg /furniture_store_0002a/sync_depth_00283.png 518.8579 +/bedroom_0031/rgb_00016.jpg /bedroom_0031/sync_depth_00016.png 518.8579 +/living_room_0033/rgb_00015.jpg /living_room_0033/sync_depth_00015.png 518.8579 +/classroom_0006/rgb_00078.jpg /classroom_0006/sync_depth_00078.png 518.8579 +/living_room_0040/rgb_00282.jpg /living_room_0040/sync_depth_00282.png 518.8579 +/furniture_store_0001b/rgb_00038.jpg /furniture_store_0001b/sync_depth_00038.png 518.8579 +/furniture_store_0002a/rgb_00334.jpg /furniture_store_0002a/sync_depth_00334.png 518.8579 +/kitchen_0060/rgb_00011.jpg /kitchen_0060/sync_depth_00011.png 518.8579 +/study_room_0004/rgb_00097.jpg /study_room_0004/sync_depth_00097.png 518.8579 +/bookstore_0001i/rgb_00013.jpg /bookstore_0001i/sync_depth_00013.png 518.8579 +/reception_room_0001b/rgb_00052.jpg /reception_room_0001b/sync_depth_00052.png 518.8579 +/living_room_0063/rgb_00162.jpg /living_room_0063/sync_depth_00162.png 518.8579 +/study_0003/rgb_00117.jpg /study_0003/sync_depth_00117.png 518.8579 +/bedroom_0076a/rgb_00203.jpg /bedroom_0076a/sync_depth_00203.png 518.8579 +/bedroom_0021/rgb_00098.jpg /bedroom_0021/sync_depth_00098.png 518.8579 +/bookstore_0001i/rgb_00115.jpg /bookstore_0001i/sync_depth_00115.png 518.8579 +/bathroom_0033/rgb_00024.jpg /bathroom_0033/sync_depth_00024.png 518.8579 +/foyer_0002/rgb_00035.jpg /foyer_0002/sync_depth_00035.png 518.8579 +/bedroom_0015/rgb_00022.jpg /bedroom_0015/sync_depth_00022.png 518.8579 +/bedroom_0106/rgb_00055.jpg /bedroom_0106/sync_depth_00055.png 518.8579 +/bookstore_0001j/rgb_00262.jpg /bookstore_0001j/sync_depth_00262.png 518.8579 +/office_0021/rgb_00016.jpg /office_0021/sync_depth_00016.png 518.8579 +/kitchen_0037/rgb_00111.jpg /kitchen_0037/sync_depth_00111.png 518.8579 +/playroom_0006/rgb_00117.jpg /playroom_0006/sync_depth_00117.png 518.8579 +/living_room_0062/rgb_00122.jpg /living_room_0062/sync_depth_00122.png 518.8579 +/living_room_0039/rgb_00124.jpg /living_room_0039/sync_depth_00124.png 518.8579 +/office_0003/rgb_00023.jpg /office_0003/sync_depth_00023.png 518.8579 +/laundry_room_0001/rgb_00011.jpg /laundry_room_0001/sync_depth_00011.png 518.8579 +/bedroom_0138/rgb_00041.jpg /bedroom_0138/sync_depth_00041.png 518.8579 +/study_0006/rgb_00013.jpg /study_0006/sync_depth_00013.png 518.8579 +/bathroom_0048/rgb_00017.jpg /bathroom_0048/sync_depth_00017.png 518.8579 +/bedroom_0017/rgb_00024.jpg /bedroom_0017/sync_depth_00024.png 518.8579 +/home_storage_0001/rgb_00111.jpg /home_storage_0001/sync_depth_00111.png 518.8579 +/living_room_0019/rgb_00022.jpg /living_room_0019/sync_depth_00022.png 518.8579 +/bedroom_0072/rgb_00146.jpg /bedroom_0072/sync_depth_00146.png 518.8579 +/dining_room_0023/rgb_00103.jpg /dining_room_0023/sync_depth_00103.png 518.8579 +/student_lounge_0001/rgb_00156.jpg /student_lounge_0001/sync_depth_00156.png 518.8579 +/nyu_office_0/rgb_00094.jpg /nyu_office_0/sync_depth_00094.png 518.8579 +/kitchen_0048/rgb_00163.jpg /kitchen_0048/sync_depth_00163.png 518.8579 +/living_room_0037/rgb_00036.jpg /living_room_0037/sync_depth_00036.png 518.8579 +/kitchen_0045b/rgb_00066.jpg /kitchen_0045b/sync_depth_00066.png 518.8579 +/living_room_0082/rgb_00000.jpg /living_room_0082/sync_depth_00000.png 518.8579 +/nyu_office_0/rgb_00022.jpg /nyu_office_0/sync_depth_00022.png 518.8579 +/bookstore_0001d/rgb_00233.jpg /bookstore_0001d/sync_depth_00233.png 518.8579 +/reception_room_0002/rgb_00165.jpg /reception_room_0002/sync_depth_00165.png 518.8579 +/playroom_0006/rgb_00032.jpg /playroom_0006/sync_depth_00032.png 518.8579 +/bathroom_0010/rgb_00003.jpg /bathroom_0010/sync_depth_00003.png 518.8579 +/bedroom_0004/rgb_00170.jpg /bedroom_0004/sync_depth_00170.png 518.8579 +/furniture_store_0001d/rgb_00024.jpg /furniture_store_0001d/sync_depth_00024.png 518.8579 +/dining_room_0023/rgb_00074.jpg /dining_room_0023/sync_depth_00074.png 518.8579 +/kitchen_0060/rgb_00090.jpg /kitchen_0060/sync_depth_00090.png 518.8579 +/bookstore_0001j/rgb_00034.jpg /bookstore_0001j/sync_depth_00034.png 518.8579 +/home_office_0008/rgb_00014.jpg /home_office_0008/sync_depth_00014.png 518.8579 +/furniture_store_0001d/rgb_00123.jpg /furniture_store_0001d/sync_depth_00123.png 518.8579 +/dining_room_0007/rgb_00012.jpg /dining_room_0007/sync_depth_00012.png 518.8579 +/dining_room_0031/rgb_00079.jpg /dining_room_0031/sync_depth_00079.png 518.8579 +/dining_room_0015/rgb_00286.jpg /dining_room_0015/sync_depth_00286.png 518.8579 +/bookstore_0001j/rgb_00020.jpg /bookstore_0001j/sync_depth_00020.png 518.8579 +/home_office_0008/rgb_00160.jpg /home_office_0008/sync_depth_00160.png 518.8579 +/kitchen_0035b/rgb_00016.jpg /kitchen_0035b/sync_depth_00016.png 518.8579 +/bedroom_0062/rgb_00127.jpg /bedroom_0062/sync_depth_00127.png 518.8579 +/playroom_0004/rgb_00023.jpg /playroom_0004/sync_depth_00023.png 518.8579 +/classroom_0005/rgb_00039.jpg /classroom_0005/sync_depth_00039.png 518.8579 +/bookstore_0001h/rgb_00074.jpg /bookstore_0001h/sync_depth_00074.png 518.8579 +/home_storage_0001/rgb_00138.jpg /home_storage_0001/sync_depth_00138.png 518.8579 +/office_0009/rgb_00073.jpg /office_0009/sync_depth_00073.png 518.8579 +/dining_room_0033/rgb_00029.jpg /dining_room_0033/sync_depth_00029.png 518.8579 +/dining_room_0037/rgb_00093.jpg /dining_room_0037/sync_depth_00093.png 518.8579 +/living_room_0018/rgb_00090.jpg /living_room_0018/sync_depth_00090.png 518.8579 +/dining_room_0037/rgb_00036.jpg /dining_room_0037/sync_depth_00036.png 518.8579 +/bedroom_0098/rgb_00075.jpg /bedroom_0098/sync_depth_00075.png 518.8579 +/dining_room_0019/rgb_00005.jpg /dining_room_0019/sync_depth_00005.png 518.8579 +/bookstore_0001d/rgb_00335.jpg /bookstore_0001d/sync_depth_00335.png 518.8579 +/bathroom_0030/rgb_00031.jpg /bathroom_0030/sync_depth_00031.png 518.8579 +/bedroom_0015/rgb_00073.jpg /bedroom_0015/sync_depth_00073.png 518.8579 +/living_room_0062/rgb_00174.jpg /living_room_0062/sync_depth_00174.png 518.8579 +/dining_room_0024/rgb_00102.jpg /dining_room_0024/sync_depth_00102.png 518.8579 +/bedroom_0017/rgb_00120.jpg /bedroom_0017/sync_depth_00120.png 518.8579 +/kitchen_0033/rgb_00006.jpg /kitchen_0033/sync_depth_00006.png 518.8579 +/playroom_0003/rgb_00021.jpg /playroom_0003/sync_depth_00021.png 518.8579 +/bedroom_0033/rgb_00114.jpg /bedroom_0033/sync_depth_00114.png 518.8579 +/bathroom_0034/rgb_00027.jpg /bathroom_0034/sync_depth_00027.png 518.8579 +/bookstore_0001i/rgb_00128.jpg /bookstore_0001i/sync_depth_00128.png 518.8579 +/kitchen_0019a/rgb_00295.jpg /kitchen_0019a/sync_depth_00295.png 518.8579 +/bookstore_0001d/rgb_00168.jpg /bookstore_0001d/sync_depth_00168.png 518.8579 +/living_room_0086a/rgb_00010.jpg /living_room_0086a/sync_depth_00010.png 518.8579 +/classroom_0003/rgb_00093.jpg /classroom_0003/sync_depth_00093.png 518.8579 +/bedroom_0078/rgb_00053.jpg /bedroom_0078/sync_depth_00053.png 518.8579 +/kitchen_0010/rgb_00041.jpg /kitchen_0010/sync_depth_00041.png 518.8579 +/dining_room_0028/rgb_00040.jpg /dining_room_0028/sync_depth_00040.png 518.8579 +/living_room_0040/rgb_00269.jpg /living_room_0040/sync_depth_00269.png 518.8579 +/bookstore_0001d/rgb_00302.jpg /bookstore_0001d/sync_depth_00302.png 518.8579 +/bedroom_0120/rgb_00080.jpg /bedroom_0120/sync_depth_00080.png 518.8579 +/kitchen_0019a/rgb_00130.jpg /kitchen_0019a/sync_depth_00130.png 518.8579 +/bookstore_0001h/rgb_00043.jpg /bookstore_0001h/sync_depth_00043.png 518.8579 +/bedroom_0021/rgb_00000.jpg /bedroom_0021/sync_depth_00000.png 518.8579 +/living_room_0085/rgb_00049.jpg /living_room_0085/sync_depth_00049.png 518.8579 +/bedroom_0120/rgb_00074.jpg /bedroom_0120/sync_depth_00074.png 518.8579 +/living_room_0018/rgb_00005.jpg /living_room_0018/sync_depth_00005.png 518.8579 +/living_room_0047b/rgb_00201.jpg /living_room_0047b/sync_depth_00201.png 518.8579 +/dining_room_0033/rgb_00177.jpg /dining_room_0033/sync_depth_00177.png 518.8579 +/kitchen_0008/rgb_00025.jpg /kitchen_0008/sync_depth_00025.png 518.8579 +/bedroom_0106/rgb_00046.jpg /bedroom_0106/sync_depth_00046.png 518.8579 +/playroom_0003/rgb_00066.jpg /playroom_0003/sync_depth_00066.png 518.8579 +/kitchen_0052/rgb_00038.jpg /kitchen_0052/sync_depth_00038.png 518.8579 +/bookstore_0001f/rgb_00343.jpg /bookstore_0001f/sync_depth_00343.png 518.8579 +/bedroom_0107/rgb_00038.jpg /bedroom_0107/sync_depth_00038.png 518.8579 +/bathroom_0014a/rgb_00022.jpg /bathroom_0014a/sync_depth_00022.png 518.8579 +/classroom_0010/rgb_00015.jpg /classroom_0010/sync_depth_00015.png 518.8579 +/living_room_0046b/rgb_00099.jpg /living_room_0046b/sync_depth_00099.png 518.8579 +/study_0003/rgb_00103.jpg /study_0003/sync_depth_00103.png 518.8579 +/bedroom_0029/rgb_00047.jpg /bedroom_0029/sync_depth_00047.png 518.8579 +/living_room_0010/rgb_00054.jpg /living_room_0010/sync_depth_00054.png 518.8579 +/bedroom_0021/rgb_00096.jpg /bedroom_0021/sync_depth_00096.png 518.8579 +/bedroom_0039/rgb_00022.jpg /bedroom_0039/sync_depth_00022.png 518.8579 +/living_room_0069b/rgb_00061.jpg /living_room_0069b/sync_depth_00061.png 518.8579 +/home_office_0008/rgb_00121.jpg /home_office_0008/sync_depth_00121.png 518.8579 +/bedroom_0097/rgb_00005.jpg /bedroom_0097/sync_depth_00005.png 518.8579 +/dining_room_0029/rgb_00004.jpg /dining_room_0029/sync_depth_00004.png 518.8579 +/kitchen_0051/rgb_00058.jpg /kitchen_0051/sync_depth_00058.png 518.8579 +/home_office_0013/rgb_00047.jpg /home_office_0013/sync_depth_00047.png 518.8579 +/furniture_store_0002d/rgb_00021.jpg /furniture_store_0002d/sync_depth_00021.png 518.8579 +/playroom_0002/rgb_00079.jpg /playroom_0002/sync_depth_00079.png 518.8579 +/bedroom_0104/rgb_00119.jpg /bedroom_0104/sync_depth_00119.png 518.8579 +/basement_0001a/rgb_00028.jpg /basement_0001a/sync_depth_00028.png 518.8579 +/bedroom_0026/rgb_00142.jpg /bedroom_0026/sync_depth_00142.png 518.8579 +/bedroom_0059/rgb_00074.jpg /bedroom_0059/sync_depth_00074.png 518.8579 +/bookstore_0001g/rgb_00095.jpg /bookstore_0001g/sync_depth_00095.png 518.8579 +/bedroom_0078/rgb_00081.jpg /bedroom_0078/sync_depth_00081.png 518.8579 +/bedroom_0072/rgb_00088.jpg /bedroom_0072/sync_depth_00088.png 518.8579 +/playroom_0003/rgb_00133.jpg /playroom_0003/sync_depth_00133.png 518.8579 +/bedroom_0040/rgb_00057.jpg /bedroom_0040/sync_depth_00057.png 518.8579 +/kitchen_0052/rgb_00126.jpg /kitchen_0052/sync_depth_00126.png 518.8579 +/kitchen_0053/rgb_00242.jpg /kitchen_0053/sync_depth_00242.png 518.8579 +/living_room_0055/rgb_00046.jpg /living_room_0055/sync_depth_00046.png 518.8579 +/kitchen_0035b/rgb_00219.jpg /kitchen_0035b/sync_depth_00219.png 518.8579 +/bookstore_0001h/rgb_00006.jpg /bookstore_0001h/sync_depth_00006.png 518.8579 +/furniture_store_0002b/rgb_00272.jpg /furniture_store_0002b/sync_depth_00272.png 518.8579 +/kitchen_0043/rgb_00174.jpg /kitchen_0043/sync_depth_00174.png 518.8579 +/bathroom_0028/rgb_00119.jpg /bathroom_0028/sync_depth_00119.png 518.8579 +/conference_room_0001/rgb_00015.jpg /conference_room_0001/sync_depth_00015.png 518.8579 +/classroom_0011/rgb_00067.jpg /classroom_0011/sync_depth_00067.png 518.8579 +/dining_room_0008/rgb_00161.jpg /dining_room_0008/sync_depth_00161.png 518.8579 +/bedroom_0079/rgb_00029.jpg /bedroom_0079/sync_depth_00029.png 518.8579 +/kitchen_0048/rgb_00140.jpg /kitchen_0048/sync_depth_00140.png 518.8579 +/playroom_0003/rgb_00198.jpg /playroom_0003/sync_depth_00198.png 518.8579 +/dining_room_0016/rgb_00045.jpg /dining_room_0016/sync_depth_00045.png 518.8579 +/kitchen_0016/rgb_00073.jpg /kitchen_0016/sync_depth_00073.png 518.8579 +/dining_room_0010/rgb_00095.jpg /dining_room_0010/sync_depth_00095.png 518.8579 +/bookstore_0001e/rgb_00089.jpg /bookstore_0001e/sync_depth_00089.png 518.8579 +/classroom_0004/rgb_00062.jpg /classroom_0004/sync_depth_00062.png 518.8579 +/bedroom_0033/rgb_00104.jpg /bedroom_0033/sync_depth_00104.png 518.8579 +/bookstore_0001j/rgb_00124.jpg /bookstore_0001j/sync_depth_00124.png 518.8579 +/furniture_store_0001e/rgb_00054.jpg /furniture_store_0001e/sync_depth_00054.png 518.8579 +/office_0021/rgb_00060.jpg /office_0021/sync_depth_00060.png 518.8579 +/playroom_0002/rgb_00061.jpg /playroom_0002/sync_depth_00061.png 518.8579 +/dining_room_0013/rgb_00152.jpg /dining_room_0013/sync_depth_00152.png 518.8579 +/kitchen_0035b/rgb_00229.jpg /kitchen_0035b/sync_depth_00229.png 518.8579 +/bedroom_0120/rgb_00081.jpg /bedroom_0120/sync_depth_00081.png 518.8579 +/dining_room_0008/rgb_00023.jpg /dining_room_0008/sync_depth_00023.png 518.8579 +/bedroom_0040/rgb_00067.jpg /bedroom_0040/sync_depth_00067.png 518.8579 +/bookstore_0001g/rgb_00252.jpg /bookstore_0001g/sync_depth_00252.png 518.8579 +/dining_room_0010/rgb_00105.jpg /dining_room_0010/sync_depth_00105.png 518.8579 +/living_room_0010/rgb_00183.jpg /living_room_0010/sync_depth_00183.png 518.8579 +/living_room_0055/rgb_00074.jpg /living_room_0055/sync_depth_00074.png 518.8579 +/bedroom_0062/rgb_00021.jpg /bedroom_0062/sync_depth_00021.png 518.8579 +/bedroom_0028/rgb_00077.jpg /bedroom_0028/sync_depth_00077.png 518.8579 +/kitchen_0043/rgb_00240.jpg /kitchen_0043/sync_depth_00240.png 518.8579 +/home_office_0013/rgb_00006.jpg /home_office_0013/sync_depth_00006.png 518.8579 +/furniture_store_0001d/rgb_00214.jpg /furniture_store_0001d/sync_depth_00214.png 518.8579 +/dining_room_0001b/rgb_00142.jpg /dining_room_0001b/sync_depth_00142.png 518.8579 +/kitchen_0029c/rgb_00025.jpg /kitchen_0029c/sync_depth_00025.png 518.8579 +/kitchen_0051/rgb_00346.jpg /kitchen_0051/sync_depth_00346.png 518.8579 +/bathroom_0006/rgb_00030.jpg /bathroom_0006/sync_depth_00030.png 518.8579 +/kitchen_0017/rgb_00044.jpg /kitchen_0017/sync_depth_00044.png 518.8579 +/bedroom_0042/rgb_00006.jpg /bedroom_0042/sync_depth_00006.png 518.8579 +/bedroom_0096/rgb_00060.jpg /bedroom_0096/sync_depth_00060.png 518.8579 +/bathroom_0006/rgb_00021.jpg /bathroom_0006/sync_depth_00021.png 518.8579 +/bookstore_0001f/rgb_00227.jpg /bookstore_0001f/sync_depth_00227.png 518.8579 +/bedroom_0020/rgb_00007.jpg /bedroom_0020/sync_depth_00007.png 518.8579 +/kitchen_0019a/rgb_00128.jpg /kitchen_0019a/sync_depth_00128.png 518.8579 +/bedroom_0098/rgb_00034.jpg /bedroom_0098/sync_depth_00034.png 518.8579 +/kitchen_0010/rgb_00002.jpg /kitchen_0010/sync_depth_00002.png 518.8579 +/study_room_0004/rgb_00018.jpg /study_room_0004/sync_depth_00018.png 518.8579 +/conference_room_0001/rgb_00079.jpg /conference_room_0001/sync_depth_00079.png 518.8579 +/kitchen_0035b/rgb_00027.jpg /kitchen_0035b/sync_depth_00027.png 518.8579 +/bedroom_0060/rgb_00033.jpg /bedroom_0060/sync_depth_00033.png 518.8579 +/bookstore_0001g/rgb_00115.jpg /bookstore_0001g/sync_depth_00115.png 518.8579 +/furniture_store_0001b/rgb_00047.jpg /furniture_store_0001b/sync_depth_00047.png 518.8579 +/cafe_0001b/rgb_00066.jpg /cafe_0001b/sync_depth_00066.png 518.8579 +/dining_room_0007/rgb_00088.jpg /dining_room_0007/sync_depth_00088.png 518.8579 +/kitchen_0059/rgb_00071.jpg /kitchen_0059/sync_depth_00071.png 518.8579 +/office_0021/rgb_00034.jpg /office_0021/sync_depth_00034.png 518.8579 +/bedroom_0012/rgb_00002.jpg /bedroom_0012/sync_depth_00002.png 518.8579 +/dining_room_0037/rgb_00051.jpg /dining_room_0037/sync_depth_00051.png 518.8579 +/bedroom_0033/rgb_00083.jpg /bedroom_0033/sync_depth_00083.png 518.8579 +/bedroom_0078/rgb_00059.jpg /bedroom_0078/sync_depth_00059.png 518.8579 +/kitchen_0048/rgb_00005.jpg /kitchen_0048/sync_depth_00005.png 518.8579 +/home_office_0008/rgb_00033.jpg /home_office_0008/sync_depth_00033.png 518.8579 +/bedroom_0062/rgb_00102.jpg /bedroom_0062/sync_depth_00102.png 518.8579 +/student_lounge_0001/rgb_00173.jpg /student_lounge_0001/sync_depth_00173.png 518.8579 +/bedroom_0035/rgb_00012.jpg /bedroom_0035/sync_depth_00012.png 518.8579 +/nyu_office_0/rgb_00406.jpg /nyu_office_0/sync_depth_00406.png 518.8579 +/bedroom_0029/rgb_00042.jpg /bedroom_0029/sync_depth_00042.png 518.8579 +/living_room_0047a/rgb_00037.jpg /living_room_0047a/sync_depth_00037.png 518.8579 +/bedroom_0129/rgb_00015.jpg /bedroom_0129/sync_depth_00015.png 518.8579 +/bedroom_0010/rgb_00026.jpg /bedroom_0010/sync_depth_00026.png 518.8579 +/bedroom_0033/rgb_00044.jpg /bedroom_0033/sync_depth_00044.png 518.8579 +/living_room_0010/rgb_00246.jpg /living_room_0010/sync_depth_00246.png 518.8579 +/bedroom_0014/rgb_00055.jpg /bedroom_0014/sync_depth_00055.png 518.8579 +/bathroom_0051/rgb_00019.jpg /bathroom_0051/sync_depth_00019.png 518.8579 +/dining_room_0024/rgb_00154.jpg /dining_room_0024/sync_depth_00154.png 518.8579 +/living_room_0050/rgb_00011.jpg /living_room_0050/sync_depth_00011.png 518.8579 +/living_room_0004/rgb_00085.jpg /living_room_0004/sync_depth_00085.png 518.8579 +/bedroom_0136/rgb_00126.jpg /bedroom_0136/sync_depth_00126.png 518.8579 +/kitchen_0029c/rgb_00115.jpg /kitchen_0029c/sync_depth_00115.png 518.8579 +/bedroom_0076a/rgb_00172.jpg /bedroom_0076a/sync_depth_00172.png 518.8579 +/dining_room_0001b/rgb_00063.jpg /dining_room_0001b/sync_depth_00063.png 518.8579 +/bathroom_0024/rgb_00019.jpg /bathroom_0024/sync_depth_00019.png 518.8579 +/furniture_store_0002a/rgb_00073.jpg /furniture_store_0002a/sync_depth_00073.png 518.8579 +/living_room_0058/rgb_00087.jpg /living_room_0058/sync_depth_00087.png 518.8579 +/living_room_0040/rgb_00272.jpg /living_room_0040/sync_depth_00272.png 518.8579 +/bedroom_0071/rgb_00066.jpg /bedroom_0071/sync_depth_00066.png 518.8579 +/kitchen_0003/rgb_00179.jpg /kitchen_0003/sync_depth_00179.png 518.8579 +/playroom_0004/rgb_00054.jpg /playroom_0004/sync_depth_00054.png 518.8579 +/nyu_office_0/rgb_00160.jpg /nyu_office_0/sync_depth_00160.png 518.8579 +/living_room_0055/rgb_00142.jpg /living_room_0055/sync_depth_00142.png 518.8579 +/dining_room_0023/rgb_00035.jpg /dining_room_0023/sync_depth_00035.png 518.8579 +/office_0021/rgb_00015.jpg /office_0021/sync_depth_00015.png 518.8579 +/furniture_store_0002b/rgb_00061.jpg /furniture_store_0002b/sync_depth_00061.png 518.8579 +/kitchen_0045a/rgb_00004.jpg /kitchen_0045a/sync_depth_00004.png 518.8579 +/kitchen_0060/rgb_00036.jpg /kitchen_0060/sync_depth_00036.png 518.8579 +/home_office_0006/rgb_00084.jpg /home_office_0006/sync_depth_00084.png 518.8579 +/bedroom_0072/rgb_00131.jpg /bedroom_0072/sync_depth_00131.png 518.8579 +/bedroom_0041/rgb_00069.jpg /bedroom_0041/sync_depth_00069.png 518.8579 +/furniture_store_0002b/rgb_00027.jpg /furniture_store_0002b/sync_depth_00027.png 518.8579 +/kitchen_0043/rgb_00203.jpg /kitchen_0043/sync_depth_00203.png 518.8579 +/living_room_0010/rgb_00071.jpg /living_room_0010/sync_depth_00071.png 518.8579 +/living_room_0022/rgb_00364.jpg /living_room_0022/sync_depth_00364.png 518.8579 +/bedroom_0130/rgb_00020.jpg /bedroom_0130/sync_depth_00020.png 518.8579 +/bedroom_0062/rgb_00048.jpg /bedroom_0062/sync_depth_00048.png 518.8579 +/dining_room_0034/rgb_00123.jpg /dining_room_0034/sync_depth_00123.png 518.8579 +/bedroom_0010/rgb_00110.jpg /bedroom_0010/sync_depth_00110.png 518.8579 +/bookstore_0001e/rgb_00215.jpg /bookstore_0001e/sync_depth_00215.png 518.8579 +/bedroom_0038/rgb_00011.jpg /bedroom_0038/sync_depth_00011.png 518.8579 +/student_lounge_0001/rgb_00045.jpg /student_lounge_0001/sync_depth_00045.png 518.8579 +/living_room_0010/rgb_00225.jpg /living_room_0010/sync_depth_00225.png 518.8579 +/classroom_0012/rgb_00016.jpg /classroom_0012/sync_depth_00016.png 518.8579 +/living_room_0033/rgb_00072.jpg /living_room_0033/sync_depth_00072.png 518.8579 +/dining_room_0010/rgb_00045.jpg /dining_room_0010/sync_depth_00045.png 518.8579 +/bedroom_0113/rgb_00029.jpg /bedroom_0113/sync_depth_00029.png 518.8579 +/living_room_0040/rgb_00167.jpg /living_room_0040/sync_depth_00167.png 518.8579 +/kitchen_0029a/rgb_00031.jpg /kitchen_0029a/sync_depth_00031.png 518.8579 +/dining_room_0028/rgb_00097.jpg /dining_room_0028/sync_depth_00097.png 518.8579 +/living_room_0050/rgb_00046.jpg /living_room_0050/sync_depth_00046.png 518.8579 +/bookstore_0001j/rgb_00191.jpg /bookstore_0001j/sync_depth_00191.png 518.8579 +/student_lounge_0001/rgb_00112.jpg /student_lounge_0001/sync_depth_00112.png 518.8579 +/nyu_office_0/rgb_00420.jpg /nyu_office_0/sync_depth_00420.png 518.8579 +/bedroom_0116/rgb_00011.jpg /bedroom_0116/sync_depth_00011.png 518.8579 +/living_room_0050/rgb_00241.jpg /living_room_0050/sync_depth_00241.png 518.8579 +/cafe_0001b/rgb_00074.jpg /cafe_0001b/sync_depth_00074.png 518.8579 +/kitchen_0033/rgb_00051.jpg /kitchen_0033/sync_depth_00051.png 518.8579 +/kitchen_0051/rgb_00172.jpg /kitchen_0051/sync_depth_00172.png 518.8579 +/basement_0001a/rgb_00108.jpg /basement_0001a/sync_depth_00108.png 518.8579 +/furniture_store_0002a/rgb_00301.jpg /furniture_store_0002a/sync_depth_00301.png 518.8579 +/bedroom_0079/rgb_00058.jpg /bedroom_0079/sync_depth_00058.png 518.8579 +/office_0003/rgb_00022.jpg /office_0003/sync_depth_00022.png 518.8579 +/living_room_0055/rgb_00132.jpg /living_room_0055/sync_depth_00132.png 518.8579 +/study_0003/rgb_00073.jpg /study_0003/sync_depth_00073.png 518.8579 +/living_room_0047a/rgb_00051.jpg /living_room_0047a/sync_depth_00051.png 518.8579 +/living_room_0012/rgb_00119.jpg /living_room_0012/sync_depth_00119.png 518.8579 +/kitchen_0019a/rgb_00249.jpg /kitchen_0019a/sync_depth_00249.png 518.8579 +/living_room_0047a/rgb_00056.jpg /living_room_0047a/sync_depth_00056.png 518.8579 +/classroom_0022/rgb_00092.jpg /classroom_0022/sync_depth_00092.png 518.8579 +/living_room_0010/rgb_00089.jpg /living_room_0010/sync_depth_00089.png 518.8579 +/living_room_0046b/rgb_00118.jpg /living_room_0046b/sync_depth_00118.png 518.8579 +/bathroom_0023/rgb_00021.jpg /bathroom_0023/sync_depth_00021.png 518.8579 +/kitchen_0010/rgb_00001.jpg /kitchen_0010/sync_depth_00001.png 518.8579 +/bookstore_0001f/rgb_00171.jpg /bookstore_0001f/sync_depth_00171.png 518.8579 +/kitchen_0033/rgb_00073.jpg /kitchen_0033/sync_depth_00073.png 518.8579 +/living_room_0020/rgb_00237.jpg /living_room_0020/sync_depth_00237.png 518.8579 +/bathroom_0030/rgb_00037.jpg /bathroom_0030/sync_depth_00037.png 518.8579 +/bedroom_0082/rgb_00032.jpg /bedroom_0082/sync_depth_00032.png 518.8579 +/furniture_store_0001b/rgb_00011.jpg /furniture_store_0001b/sync_depth_00011.png 518.8579 +/kitchen_0019a/rgb_00167.jpg /kitchen_0019a/sync_depth_00167.png 518.8579 +/bedroom_0078/rgb_00087.jpg /bedroom_0078/sync_depth_00087.png 518.8579 +/bathroom_0030/rgb_00017.jpg /bathroom_0030/sync_depth_00017.png 518.8579 +/office_0006/rgb_00039.jpg /office_0006/sync_depth_00039.png 518.8579 +/dining_room_0007/rgb_00183.jpg /dining_room_0007/sync_depth_00183.png 518.8579 +/bedroom_0116/rgb_00014.jpg /bedroom_0116/sync_depth_00014.png 518.8579 +/kitchen_0059/rgb_00095.jpg /kitchen_0059/sync_depth_00095.png 518.8579 +/living_room_0038/rgb_00062.jpg /living_room_0038/sync_depth_00062.png 518.8579 +/living_room_0039/rgb_00095.jpg /living_room_0039/sync_depth_00095.png 518.8579 +/dining_room_0014/rgb_00107.jpg /dining_room_0014/sync_depth_00107.png 518.8579 +/bookstore_0001i/rgb_00075.jpg /bookstore_0001i/sync_depth_00075.png 518.8579 +/office_0026/rgb_00155.jpg /office_0026/sync_depth_00155.png 518.8579 +/bookstore_0001h/rgb_00131.jpg /bookstore_0001h/sync_depth_00131.png 518.8579 +/dining_room_0034/rgb_00159.jpg /dining_room_0034/sync_depth_00159.png 518.8579 +/dining_room_0014/rgb_00057.jpg /dining_room_0014/sync_depth_00057.png 518.8579 +/kitchen_0052/rgb_00096.jpg /kitchen_0052/sync_depth_00096.png 518.8579 +/dining_room_0028/rgb_00090.jpg /dining_room_0028/sync_depth_00090.png 518.8579 +/bedroom_0125b/rgb_00087.jpg /bedroom_0125b/sync_depth_00087.png 518.8579 +/home_office_0006/rgb_00129.jpg /home_office_0006/sync_depth_00129.png 518.8579 +/kitchen_0035b/rgb_00047.jpg /kitchen_0035b/sync_depth_00047.png 518.8579 +/dining_room_0024/rgb_00162.jpg /dining_room_0024/sync_depth_00162.png 518.8579 +/living_room_0022/rgb_00045.jpg /living_room_0022/sync_depth_00045.png 518.8579 +/living_room_0038/rgb_00079.jpg /living_room_0038/sync_depth_00079.png 518.8579 +/kitchen_0037/rgb_00120.jpg /kitchen_0037/sync_depth_00120.png 518.8579 +/dining_room_0014/rgb_00073.jpg /dining_room_0014/sync_depth_00073.png 518.8579 +/bathroom_0014a/rgb_00018.jpg /bathroom_0014a/sync_depth_00018.png 518.8579 +/playroom_0002/rgb_00121.jpg /playroom_0002/sync_depth_00121.png 518.8579 +/bedroom_0020/rgb_00041.jpg /bedroom_0020/sync_depth_00041.png 518.8579 +/office_0018/rgb_00019.jpg /office_0018/sync_depth_00019.png 518.8579 +/bedroom_0059/rgb_00086.jpg /bedroom_0059/sync_depth_00086.png 518.8579 +/nyu_office_0/rgb_00340.jpg /nyu_office_0/sync_depth_00340.png 518.8579 +/bedroom_0056a/rgb_00093.jpg /bedroom_0056a/sync_depth_00093.png 518.8579 +/dining_room_0002/rgb_00013.jpg /dining_room_0002/sync_depth_00013.png 518.8579 +/bedroom_0082/rgb_00055.jpg /bedroom_0082/sync_depth_00055.png 518.8579 +/dining_room_0001b/rgb_00102.jpg /dining_room_0001b/sync_depth_00102.png 518.8579 +/living_room_0022/rgb_00365.jpg /living_room_0022/sync_depth_00365.png 518.8579 +/classroom_0022/rgb_00082.jpg /classroom_0022/sync_depth_00082.png 518.8579 +/dining_room_0037/rgb_00167.jpg /dining_room_0037/sync_depth_00167.png 518.8579 +/playroom_0003/rgb_00093.jpg /playroom_0003/sync_depth_00093.png 518.8579 +/student_lounge_0001/rgb_00199.jpg /student_lounge_0001/sync_depth_00199.png 518.8579 +/living_room_0035/rgb_00065.jpg /living_room_0035/sync_depth_00065.png 518.8579 +/kitchen_0051/rgb_00327.jpg /kitchen_0051/sync_depth_00327.png 518.8579 +/study_room_0004/rgb_00204.jpg /study_room_0004/sync_depth_00204.png 518.8579 +/dining_room_0034/rgb_00015.jpg /dining_room_0034/sync_depth_00015.png 518.8579 +/bookstore_0001h/rgb_00129.jpg /bookstore_0001h/sync_depth_00129.png 518.8579 +/conference_room_0001/rgb_00102.jpg /conference_room_0001/sync_depth_00102.png 518.8579 +/bathroom_0045a/rgb_00011.jpg /bathroom_0045a/sync_depth_00011.png 518.8579 +/bookstore_0001f/rgb_00062.jpg /bookstore_0001f/sync_depth_00062.png 518.8579 +/bedroom_0138/rgb_00105.jpg /bedroom_0138/sync_depth_00105.png 518.8579 +/bookstore_0001d/rgb_00245.jpg /bookstore_0001d/sync_depth_00245.png 518.8579 +/kitchen_0053/rgb_00199.jpg /kitchen_0053/sync_depth_00199.png 518.8579 +/furniture_store_0002b/rgb_00087.jpg /furniture_store_0002b/sync_depth_00087.png 518.8579 +/kitchen_0019a/rgb_00137.jpg /kitchen_0019a/sync_depth_00137.png 518.8579 +/nyu_office_0/rgb_00073.jpg /nyu_office_0/sync_depth_00073.png 518.8579 +/office_0004/rgb_00004.jpg /office_0004/sync_depth_00004.png 518.8579 +/kitchen_0050/rgb_00001.jpg /kitchen_0050/sync_depth_00001.png 518.8579 +/kitchen_0041/rgb_00021.jpg /kitchen_0041/sync_depth_00021.png 518.8579 +/bedroom_0096/rgb_00000.jpg /bedroom_0096/sync_depth_00000.png 518.8579 +/bookstore_0001h/rgb_00059.jpg /bookstore_0001h/sync_depth_00059.png 518.8579 +/kitchen_0003/rgb_00068.jpg /kitchen_0003/sync_depth_00068.png 518.8579 +/living_room_0035/rgb_00009.jpg /living_room_0035/sync_depth_00009.png 518.8579 +/bedroom_0074/rgb_00052.jpg /bedroom_0074/sync_depth_00052.png 518.8579 +/kitchen_0050/rgb_00141.jpg /kitchen_0050/sync_depth_00141.png 518.8579 +/living_room_0068/rgb_00059.jpg /living_room_0068/sync_depth_00059.png 518.8579 +/bathroom_0024/rgb_00038.jpg /bathroom_0024/sync_depth_00038.png 518.8579 +/basement_0001a/rgb_00013.jpg /basement_0001a/sync_depth_00013.png 518.8579 +/bedroom_0026/rgb_00095.jpg /bedroom_0026/sync_depth_00095.png 518.8579 +/living_room_0042b/rgb_00037.jpg /living_room_0042b/sync_depth_00037.png 518.8579 +/bathroom_0049/rgb_00021.jpg /bathroom_0049/sync_depth_00021.png 518.8579 +/bedroom_0082/rgb_00029.jpg /bedroom_0082/sync_depth_00029.png 518.8579 +/home_office_0004/rgb_00131.jpg /home_office_0004/sync_depth_00131.png 518.8579 +/bedroom_0033/rgb_00057.jpg /bedroom_0033/sync_depth_00057.png 518.8579 +/classroom_0018/rgb_00045.jpg /classroom_0018/sync_depth_00045.png 518.8579 +/kitchen_0035b/rgb_00111.jpg /kitchen_0035b/sync_depth_00111.png 518.8579 +/dining_room_0001b/rgb_00080.jpg /dining_room_0001b/sync_depth_00080.png 518.8579 +/bedroom_0062/rgb_00070.jpg /bedroom_0062/sync_depth_00070.png 518.8579 +/kitchen_0017/rgb_00043.jpg /kitchen_0017/sync_depth_00043.png 518.8579 +/bedroom_0098/rgb_00064.jpg /bedroom_0098/sync_depth_00064.png 518.8579 +/living_room_0069a/rgb_00081.jpg /living_room_0069a/sync_depth_00081.png 518.8579 +/bedroom_0015/rgb_00096.jpg /bedroom_0015/sync_depth_00096.png 518.8579 +/office_0006/rgb_00071.jpg /office_0006/sync_depth_00071.png 518.8579 +/living_room_0020/rgb_00151.jpg /living_room_0020/sync_depth_00151.png 518.8579 +/bookstore_0001f/rgb_00259.jpg /bookstore_0001f/sync_depth_00259.png 518.8579 +/dining_room_0008/rgb_00178.jpg /dining_room_0008/sync_depth_00178.png 518.8579 +/furniture_store_0001d/rgb_00054.jpg /furniture_store_0001d/sync_depth_00054.png 518.8579 +/bedroom_0053/rgb_00060.jpg /bedroom_0053/sync_depth_00060.png 518.8579 +/office_kitchen_0003/rgb_00097.jpg /office_kitchen_0003/sync_depth_00097.png 518.8579 +/kitchen_0035b/rgb_00249.jpg /kitchen_0035b/sync_depth_00249.png 518.8579 +/cafe_0001b/rgb_00051.jpg /cafe_0001b/sync_depth_00051.png 518.8579 +/nyu_office_0/rgb_00393.jpg /nyu_office_0/sync_depth_00393.png 518.8579 +/bedroom_0090/rgb_00032.jpg /bedroom_0090/sync_depth_00032.png 518.8579 +/bedroom_0094/rgb_00045.jpg /bedroom_0094/sync_depth_00045.png 518.8579 +/bedroom_0041/rgb_00042.jpg /bedroom_0041/sync_depth_00042.png 518.8579 +/kitchen_0059/rgb_00068.jpg /kitchen_0059/sync_depth_00068.png 518.8579 +/bedroom_0082/rgb_00019.jpg /bedroom_0082/sync_depth_00019.png 518.8579 +/nyu_office_0/rgb_00216.jpg /nyu_office_0/sync_depth_00216.png 518.8579 +/living_room_0083/rgb_00095.jpg /living_room_0083/sync_depth_00095.png 518.8579 +/home_office_0005/rgb_00109.jpg /home_office_0005/sync_depth_00109.png 518.8579 +/living_room_0018/rgb_00183.jpg /living_room_0018/sync_depth_00183.png 518.8579 +/living_room_0062/rgb_00195.jpg /living_room_0062/sync_depth_00195.png 518.8579 +/bedroom_0017/rgb_00123.jpg /bedroom_0017/sync_depth_00123.png 518.8579 +/classroom_0006/rgb_00017.jpg /classroom_0006/sync_depth_00017.png 518.8579 +/classroom_0012/rgb_00029.jpg /classroom_0012/sync_depth_00029.png 518.8579 +/bedroom_0010/rgb_00055.jpg /bedroom_0010/sync_depth_00055.png 518.8579 +/bathroom_0007/rgb_00034.jpg /bathroom_0007/sync_depth_00034.png 518.8579 +/dining_room_0024/rgb_00016.jpg /dining_room_0024/sync_depth_00016.png 518.8579 +/study_0006/rgb_00002.jpg /study_0006/sync_depth_00002.png 518.8579 +/bedroom_0078/rgb_00120.jpg /bedroom_0078/sync_depth_00120.png 518.8579 +/bedroom_0052/rgb_00005.jpg /bedroom_0052/sync_depth_00005.png 518.8579 +/kitchen_0035a/rgb_00019.jpg /kitchen_0035a/sync_depth_00019.png 518.8579 +/dining_room_0015/rgb_00170.jpg /dining_room_0015/sync_depth_00170.png 518.8579 +/classroom_0006/rgb_00121.jpg /classroom_0006/sync_depth_00121.png 518.8579 +/reception_room_0002/rgb_00058.jpg /reception_room_0002/sync_depth_00058.png 518.8579 +/living_room_0042b/rgb_00035.jpg /living_room_0042b/sync_depth_00035.png 518.8579 +/kitchen_0052/rgb_00074.jpg /kitchen_0052/sync_depth_00074.png 518.8579 +/living_room_0004/rgb_00003.jpg /living_room_0004/sync_depth_00003.png 518.8579 +/bedroom_0100/rgb_00039.jpg /bedroom_0100/sync_depth_00039.png 518.8579 +/office_0004/rgb_00010.jpg /office_0004/sync_depth_00010.png 518.8579 +/dining_room_0007/rgb_00143.jpg /dining_room_0007/sync_depth_00143.png 518.8579 +/office_0009/rgb_00060.jpg /office_0009/sync_depth_00060.png 518.8579 +/furniture_store_0002a/rgb_00365.jpg /furniture_store_0002a/sync_depth_00365.png 518.8579 +/bedroom_0042/rgb_00003.jpg /bedroom_0042/sync_depth_00003.png 518.8579 +/bookstore_0001e/rgb_00043.jpg /bookstore_0001e/sync_depth_00043.png 518.8579 +/bedroom_0140/rgb_00037.jpg /bedroom_0140/sync_depth_00037.png 518.8579 +/bedroom_0071/rgb_00085.jpg /bedroom_0071/sync_depth_00085.png 518.8579 +/living_room_0010/rgb_00156.jpg /living_room_0010/sync_depth_00156.png 518.8579 +/playroom_0006/rgb_00056.jpg /playroom_0006/sync_depth_00056.png 518.8579 +/bedroom_0126/rgb_00066.jpg /bedroom_0126/sync_depth_00066.png 518.8579 +/bedroom_0033/rgb_00006.jpg /bedroom_0033/sync_depth_00006.png 518.8579 +/kitchen_0035b/rgb_00279.jpg /kitchen_0035b/sync_depth_00279.png 518.8579 +/reception_room_0001b/rgb_00038.jpg /reception_room_0001b/sync_depth_00038.png 518.8579 +/dining_room_0016/rgb_00161.jpg /dining_room_0016/sync_depth_00161.png 518.8579 +/kitchen_0003/rgb_00176.jpg /kitchen_0003/sync_depth_00176.png 518.8579 +/kitchen_0048/rgb_00204.jpg /kitchen_0048/sync_depth_00204.png 518.8579 +/bookstore_0001d/rgb_00194.jpg /bookstore_0001d/sync_depth_00194.png 518.8579 +/furniture_store_0002b/rgb_00128.jpg /furniture_store_0002b/sync_depth_00128.png 518.8579 +/living_room_0010/rgb_00134.jpg /living_room_0010/sync_depth_00134.png 518.8579 +/dining_room_0013/rgb_00008.jpg /dining_room_0013/sync_depth_00008.png 518.8579 +/bedroom_0104/rgb_00116.jpg /bedroom_0104/sync_depth_00116.png 518.8579 +/bookstore_0001i/rgb_00096.jpg /bookstore_0001i/sync_depth_00096.png 518.8579 +/kitchen_0006/rgb_00047.jpg /kitchen_0006/sync_depth_00047.png 518.8579 +/kitchen_0037/rgb_00002.jpg /kitchen_0037/sync_depth_00002.png 518.8579 +/home_office_0011/rgb_00097.jpg /home_office_0011/sync_depth_00097.png 518.8579 +/bedroom_0132/rgb_00046.jpg /bedroom_0132/sync_depth_00046.png 518.8579 +/kitchen_0031/rgb_00025.jpg /kitchen_0031/sync_depth_00025.png 518.8579 +/classroom_0011/rgb_00050.jpg /classroom_0011/sync_depth_00050.png 518.8579 +/living_room_0022/rgb_00050.jpg /living_room_0022/sync_depth_00050.png 518.8579 +/living_room_0010/rgb_00132.jpg /living_room_0010/sync_depth_00132.png 518.8579 +/study_room_0005b/rgb_00081.jpg /study_room_0005b/sync_depth_00081.png 518.8579 +/kitchen_0050/rgb_00190.jpg /kitchen_0050/sync_depth_00190.png 518.8579 +/dining_room_0019/rgb_00115.jpg /dining_room_0019/sync_depth_00115.png 518.8579 +/classroom_0003/rgb_00070.jpg /classroom_0003/sync_depth_00070.png 518.8579 +/kitchen_0045b/rgb_00031.jpg /kitchen_0045b/sync_depth_00031.png 518.8579 +/kitchen_0028a/rgb_00137.jpg /kitchen_0028a/sync_depth_00137.png 518.8579 +/office_0004/rgb_00068.jpg /office_0004/sync_depth_00068.png 518.8579 +/kitchen_0048/rgb_00134.jpg /kitchen_0048/sync_depth_00134.png 518.8579 +/office_0011/rgb_00124.jpg /office_0011/sync_depth_00124.png 518.8579 +/living_room_0033/rgb_00039.jpg /living_room_0033/sync_depth_00039.png 518.8579 +/nyu_office_1/rgb_00031.jpg /nyu_office_1/sync_depth_00031.png 518.8579 +/dining_room_0010/rgb_00022.jpg /dining_room_0010/sync_depth_00022.png 518.8579 +/kitchen_0060/rgb_00098.jpg /kitchen_0060/sync_depth_00098.png 518.8579 +/bedroom_0033/rgb_00098.jpg /bedroom_0033/sync_depth_00098.png 518.8579 +/basement_0001b/rgb_00020.jpg /basement_0001b/sync_depth_00020.png 518.8579 +/bedroom_0050/rgb_00114.jpg /bedroom_0050/sync_depth_00114.png 518.8579 +/dining_room_0001b/rgb_00086.jpg /dining_room_0001b/sync_depth_00086.png 518.8579 +/kitchen_0048/rgb_00032.jpg /kitchen_0048/sync_depth_00032.png 518.8579 +/cafe_0001c/rgb_00072.jpg /cafe_0001c/sync_depth_00072.png 518.8579 +/kitchen_0045b/rgb_00025.jpg /kitchen_0045b/sync_depth_00025.png 518.8579 +/dining_room_0012/rgb_00224.jpg /dining_room_0012/sync_depth_00224.png 518.8579 +/bathroom_0051/rgb_00033.jpg /bathroom_0051/sync_depth_00033.png 518.8579 +/bookstore_0001i/rgb_00169.jpg /bookstore_0001i/sync_depth_00169.png 518.8579 +/bedroom_0069/rgb_00102.jpg /bedroom_0069/sync_depth_00102.png 518.8579 +/furniture_store_0002a/rgb_00273.jpg /furniture_store_0002a/sync_depth_00273.png 518.8579 +/bedroom_0078/rgb_00037.jpg /bedroom_0078/sync_depth_00037.png 518.8579 +/student_lounge_0001/rgb_00138.jpg /student_lounge_0001/sync_depth_00138.png 518.8579 +/playroom_0003/rgb_00102.jpg /playroom_0003/sync_depth_00102.png 518.8579 +/bedroom_0067a/rgb_00029.jpg /bedroom_0067a/sync_depth_00029.png 518.8579 +/living_room_0022/rgb_00049.jpg /living_room_0022/sync_depth_00049.png 518.8579 +/basement_0001a/rgb_00064.jpg /basement_0001a/sync_depth_00064.png 518.8579 +/furniture_store_0002a/rgb_00304.jpg /furniture_store_0002a/sync_depth_00304.png 518.8579 +/living_room_0086b/rgb_00038.jpg /living_room_0086b/sync_depth_00038.png 518.8579 +/bedroom_0051/rgb_00102.jpg /bedroom_0051/sync_depth_00102.png 518.8579 +/bookstore_0001d/rgb_00165.jpg /bookstore_0001d/sync_depth_00165.png 518.8579 +/bedroom_0065/rgb_00022.jpg /bedroom_0065/sync_depth_00022.png 518.8579 +/office_0024/rgb_00090.jpg /office_0024/sync_depth_00090.png 518.8579 +/dining_room_0031/rgb_00143.jpg /dining_room_0031/sync_depth_00143.png 518.8579 +/dining_room_0007/rgb_00146.jpg /dining_room_0007/sync_depth_00146.png 518.8579 +/office_kitchen_0003/rgb_00052.jpg /office_kitchen_0003/sync_depth_00052.png 518.8579 +/bookstore_0001f/rgb_00257.jpg /bookstore_0001f/sync_depth_00257.png 518.8579 +/bookstore_0001e/rgb_00143.jpg /bookstore_0001e/sync_depth_00143.png 518.8579 +/home_office_0011/rgb_00039.jpg /home_office_0011/sync_depth_00039.png 518.8579 +/bathroom_0005/rgb_00010.jpg /bathroom_0005/sync_depth_00010.png 518.8579 +/bedroom_0021/rgb_00070.jpg /bedroom_0021/sync_depth_00070.png 518.8579 +/bedroom_0020/rgb_00032.jpg /bedroom_0020/sync_depth_00032.png 518.8579 +/bedroom_0051/rgb_00129.jpg /bedroom_0051/sync_depth_00129.png 518.8579 +/kitchen_0049/rgb_00203.jpg /kitchen_0049/sync_depth_00203.png 518.8579 +/dining_room_0029/rgb_00117.jpg /dining_room_0029/sync_depth_00117.png 518.8579 +/dining_room_0023/rgb_00109.jpg /dining_room_0023/sync_depth_00109.png 518.8579 +/furniture_store_0001e/rgb_00021.jpg /furniture_store_0001e/sync_depth_00021.png 518.8579 +/nyu_office_0/rgb_00305.jpg /nyu_office_0/sync_depth_00305.png 518.8579 +/dining_room_0029/rgb_00061.jpg /dining_room_0029/sync_depth_00061.png 518.8579 +/dining_room_0010/rgb_00054.jpg /dining_room_0010/sync_depth_00054.png 518.8579 +/living_room_0022/rgb_00220.jpg /living_room_0022/sync_depth_00220.png 518.8579 +/bedroom_0100/rgb_00002.jpg /bedroom_0100/sync_depth_00002.png 518.8579 +/bedroom_0078/rgb_00088.jpg /bedroom_0078/sync_depth_00088.png 518.8579 +/classroom_0018/rgb_00027.jpg /classroom_0018/sync_depth_00027.png 518.8579 +/bedroom_0041/rgb_00013.jpg /bedroom_0041/sync_depth_00013.png 518.8579 +/dining_room_0010/rgb_00099.jpg /dining_room_0010/sync_depth_00099.png 518.8579 +/bedroom_0010/rgb_00006.jpg /bedroom_0010/sync_depth_00006.png 518.8579 +/kitchen_0053/rgb_00239.jpg /kitchen_0053/sync_depth_00239.png 518.8579 +/kitchen_0048/rgb_00100.jpg /kitchen_0048/sync_depth_00100.png 518.8579 +/bedroom_0132/rgb_00047.jpg /bedroom_0132/sync_depth_00047.png 518.8579 +/bookstore_0001g/rgb_00099.jpg /bookstore_0001g/sync_depth_00099.png 518.8579 +/bookstore_0001e/rgb_00053.jpg /bookstore_0001e/sync_depth_00053.png 518.8579 +/home_office_0011/rgb_00043.jpg /home_office_0011/sync_depth_00043.png 518.8579 +/laundry_room_0001/rgb_00028.jpg /laundry_room_0001/sync_depth_00028.png 518.8579 +/nyu_office_0/rgb_00170.jpg /nyu_office_0/sync_depth_00170.png 518.8579 +/bedroom_0052/rgb_00198.jpg /bedroom_0052/sync_depth_00198.png 518.8579 +/kitchen_0050/rgb_00080.jpg /kitchen_0050/sync_depth_00080.png 518.8579 +/dinette_0001/rgb_00069.jpg /dinette_0001/sync_depth_00069.png 518.8579 +/bathroom_0019/rgb_00043.jpg /bathroom_0019/sync_depth_00043.png 518.8579 +/office_0006/rgb_00100.jpg /office_0006/sync_depth_00100.png 518.8579 +/office_0003/rgb_00037.jpg /office_0003/sync_depth_00037.png 518.8579 +/living_room_0050/rgb_00245.jpg /living_room_0050/sync_depth_00245.png 518.8579 +/kitchen_0045a/rgb_00154.jpg /kitchen_0045a/sync_depth_00154.png 518.8579 +/home_office_0005/rgb_00122.jpg /home_office_0005/sync_depth_00122.png 518.8579 +/bedroom_0078/rgb_00074.jpg /bedroom_0078/sync_depth_00074.png 518.8579 +/student_lounge_0001/rgb_00061.jpg /student_lounge_0001/sync_depth_00061.png 518.8579 +/living_room_0012/rgb_00162.jpg /living_room_0012/sync_depth_00162.png 518.8579 +/living_room_0019/rgb_00194.jpg /living_room_0019/sync_depth_00194.png 518.8579 +/bathroom_0007/rgb_00054.jpg /bathroom_0007/sync_depth_00054.png 518.8579 +/bedroom_0042/rgb_00024.jpg /bedroom_0042/sync_depth_00024.png 518.8579 +/bookstore_0001j/rgb_00035.jpg /bookstore_0001j/sync_depth_00035.png 518.8579 +/bedroom_0033/rgb_00130.jpg /bedroom_0033/sync_depth_00130.png 518.8579 +/kitchen_0010/rgb_00096.jpg /kitchen_0010/sync_depth_00096.png 518.8579 +/office_0003/rgb_00061.jpg /office_0003/sync_depth_00061.png 518.8579 +/kitchen_0051/rgb_00018.jpg /kitchen_0051/sync_depth_00018.png 518.8579 +/kitchen_0043/rgb_00257.jpg /kitchen_0043/sync_depth_00257.png 518.8579 +/dining_room_0023/rgb_00179.jpg /dining_room_0023/sync_depth_00179.png 518.8579 +/office_0019/rgb_00033.jpg /office_0019/sync_depth_00033.png 518.8579 +/bedroom_0129/rgb_00049.jpg /bedroom_0129/sync_depth_00049.png 518.8579 +/living_room_0020/rgb_00131.jpg /living_room_0020/sync_depth_00131.png 518.8579 +/office_kitchen_0001b/rgb_00030.jpg /office_kitchen_0001b/sync_depth_00030.png 518.8579 +/playroom_0003/rgb_00215.jpg /playroom_0003/sync_depth_00215.png 518.8579 +/kitchen_0003/rgb_00051.jpg /kitchen_0003/sync_depth_00051.png 518.8579 +/kitchen_0016/rgb_00057.jpg /kitchen_0016/sync_depth_00057.png 518.8579 +/living_room_0022/rgb_00332.jpg /living_room_0022/sync_depth_00332.png 518.8579 +/living_room_0042a/rgb_00006.jpg /living_room_0042a/sync_depth_00006.png 518.8579 +/living_room_0078/rgb_00031.jpg /living_room_0078/sync_depth_00031.png 518.8579 +/furniture_store_0002a/rgb_00216.jpg /furniture_store_0002a/sync_depth_00216.png 518.8579 +/bookstore_0001f/rgb_00182.jpg /bookstore_0001f/sync_depth_00182.png 518.8579 +/dining_room_0012/rgb_00198.jpg /dining_room_0012/sync_depth_00198.png 518.8579 +/study_0008/rgb_00019.jpg /study_0008/sync_depth_00019.png 518.8579 +/living_room_0011/rgb_00058.jpg /living_room_0011/sync_depth_00058.png 518.8579 +/dining_room_0023/rgb_00011.jpg /dining_room_0023/sync_depth_00011.png 518.8579 +/furniture_store_0002b/rgb_00104.jpg /furniture_store_0002b/sync_depth_00104.png 518.8579 +/kitchen_0019a/rgb_00135.jpg /kitchen_0019a/sync_depth_00135.png 518.8579 +/indoor_balcony_0001/rgb_00000.jpg /indoor_balcony_0001/sync_depth_00000.png 518.8579 +/excercise_room_0001/rgb_00049.jpg /excercise_room_0001/sync_depth_00049.png 518.8579 +/dining_room_0029/rgb_00021.jpg /dining_room_0029/sync_depth_00021.png 518.8579 +/bedroom_0015/rgb_00080.jpg /bedroom_0015/sync_depth_00080.png 518.8579 +/dining_room_0013/rgb_00068.jpg /dining_room_0013/sync_depth_00068.png 518.8579 +/bathroom_0005/rgb_00037.jpg /bathroom_0005/sync_depth_00037.png 518.8579 +/kitchen_0059/rgb_00090.jpg /kitchen_0059/sync_depth_00090.png 518.8579 +/home_office_0013/rgb_00065.jpg /home_office_0013/sync_depth_00065.png 518.8579 +/living_room_0042b/rgb_00008.jpg /living_room_0042b/sync_depth_00008.png 518.8579 +/living_room_0010/rgb_00017.jpg /living_room_0010/sync_depth_00017.png 518.8579 +/living_room_0058/rgb_00100.jpg /living_room_0058/sync_depth_00100.png 518.8579 +/bedroom_0066/rgb_00009.jpg /bedroom_0066/sync_depth_00009.png 518.8579 +/home_office_0011/rgb_00057.jpg /home_office_0011/sync_depth_00057.png 518.8579 +/living_room_0040/rgb_00037.jpg /living_room_0040/sync_depth_00037.png 518.8579 +/living_room_0047b/rgb_00087.jpg /living_room_0047b/sync_depth_00087.png 518.8579 +/bedroom_0051/rgb_00115.jpg /bedroom_0051/sync_depth_00115.png 518.8579 +/kitchen_0037/rgb_00050.jpg /kitchen_0037/sync_depth_00050.png 518.8579 +/living_room_0020/rgb_00159.jpg /living_room_0020/sync_depth_00159.png 518.8579 +/bedroom_0125a/rgb_00006.jpg /bedroom_0125a/sync_depth_00006.png 518.8579 +/classroom_0011/rgb_00012.jpg /classroom_0011/sync_depth_00012.png 518.8579 +/kitchen_0019b/rgb_00021.jpg /kitchen_0019b/sync_depth_00021.png 518.8579 +/office_0011/rgb_00147.jpg /office_0011/sync_depth_00147.png 518.8579 +/reception_room_0001a/rgb_00110.jpg /reception_room_0001a/sync_depth_00110.png 518.8579 +/furniture_store_0002a/rgb_00091.jpg /furniture_store_0002a/sync_depth_00091.png 518.8579 +/bedroom_0028/rgb_00028.jpg /bedroom_0028/sync_depth_00028.png 518.8579 +/bedroom_0076a/rgb_00105.jpg /bedroom_0076a/sync_depth_00105.png 518.8579 +/kitchen_0035b/rgb_00225.jpg /kitchen_0035b/sync_depth_00225.png 518.8579 +/office_0011/rgb_00117.jpg /office_0011/sync_depth_00117.png 518.8579 +/kitchen_0031/rgb_00091.jpg /kitchen_0031/sync_depth_00091.png 518.8579 +/office_kitchen_0003/rgb_00067.jpg /office_kitchen_0003/sync_depth_00067.png 518.8579 +/bedroom_0052/rgb_00157.jpg /bedroom_0052/sync_depth_00157.png 518.8579 +/kitchen_0011a/rgb_00066.jpg /kitchen_0011a/sync_depth_00066.png 518.8579 +/bathroom_0024/rgb_00026.jpg /bathroom_0024/sync_depth_00026.png 518.8579 +/living_room_0046b/rgb_00011.jpg /living_room_0046b/sync_depth_00011.png 518.8579 +/living_room_0039/rgb_00022.jpg /living_room_0039/sync_depth_00022.png 518.8579 +/bookstore_0001e/rgb_00118.jpg /bookstore_0001e/sync_depth_00118.png 518.8579 +/bookstore_0001g/rgb_00069.jpg /bookstore_0001g/sync_depth_00069.png 518.8579 +/kitchen_0049/rgb_00151.jpg /kitchen_0049/sync_depth_00151.png 518.8579 +/dining_room_0016/rgb_00083.jpg /dining_room_0016/sync_depth_00083.png 518.8579 +/living_room_0058/rgb_00164.jpg /living_room_0058/sync_depth_00164.png 518.8579 +/bathroom_0035/rgb_00022.jpg /bathroom_0035/sync_depth_00022.png 518.8579 +/bedroom_0066/rgb_00037.jpg /bedroom_0066/sync_depth_00037.png 518.8579 +/living_room_0042a/rgb_00014.jpg /living_room_0042a/sync_depth_00014.png 518.8579 +/kitchen_0028a/rgb_00198.jpg /kitchen_0028a/sync_depth_00198.png 518.8579 +/kitchen_0019a/rgb_00112.jpg /kitchen_0019a/sync_depth_00112.png 518.8579 +/dining_room_0015/rgb_00275.jpg /dining_room_0015/sync_depth_00275.png 518.8579 +/living_room_0032/rgb_00025.jpg /living_room_0032/sync_depth_00025.png 518.8579 +/office_0006/rgb_00084.jpg /office_0006/sync_depth_00084.png 518.8579 +/bedroom_0132/rgb_00003.jpg /bedroom_0132/sync_depth_00003.png 518.8579 +/bookstore_0001e/rgb_00220.jpg /bookstore_0001e/sync_depth_00220.png 518.8579 +/office_0004/rgb_00025.jpg /office_0004/sync_depth_00025.png 518.8579 +/bedroom_0065/rgb_00041.jpg /bedroom_0065/sync_depth_00041.png 518.8579 +/living_room_0069a/rgb_00002.jpg /living_room_0069a/sync_depth_00002.png 518.8579 +/bathroom_0028/rgb_00171.jpg /bathroom_0028/sync_depth_00171.png 518.8579 +/bedroom_0130/rgb_00042.jpg /bedroom_0130/sync_depth_00042.png 518.8579 +/bedroom_0051/rgb_00177.jpg /bedroom_0051/sync_depth_00177.png 518.8579 +/bedroom_0004/rgb_00192.jpg /bedroom_0004/sync_depth_00192.png 518.8579 +/dining_room_0007/rgb_00010.jpg /dining_room_0007/sync_depth_00010.png 518.8579 +/office_kitchen_0003/rgb_00006.jpg /office_kitchen_0003/sync_depth_00006.png 518.8579 +/living_room_0039/rgb_00031.jpg /living_room_0039/sync_depth_00031.png 518.8579 +/nyu_office_0/rgb_00343.jpg /nyu_office_0/sync_depth_00343.png 518.8579 +/bedroom_0126/rgb_00056.jpg /bedroom_0126/sync_depth_00056.png 518.8579 +/living_room_0011/rgb_00118.jpg /living_room_0011/sync_depth_00118.png 518.8579 +/living_room_0069a/rgb_00091.jpg /living_room_0069a/sync_depth_00091.png 518.8579 +/bathroom_0034/rgb_00062.jpg /bathroom_0034/sync_depth_00062.png 518.8579 +/bedroom_0051/rgb_00207.jpg /bedroom_0051/sync_depth_00207.png 518.8579 +/dining_room_0019/rgb_00002.jpg /dining_room_0019/sync_depth_00002.png 518.8579 +/office_0004/rgb_00105.jpg /office_0004/sync_depth_00105.png 518.8579 +/bookstore_0001j/rgb_00016.jpg /bookstore_0001j/sync_depth_00016.png 518.8579 +/reception_room_0002/rgb_00069.jpg /reception_room_0002/sync_depth_00069.png 518.8579 +/dining_room_0016/rgb_00071.jpg /dining_room_0016/sync_depth_00071.png 518.8579 +/dining_room_0008/rgb_00119.jpg /dining_room_0008/sync_depth_00119.png 518.8579 +/kitchen_0033/rgb_00089.jpg /kitchen_0033/sync_depth_00089.png 518.8579 +/bookstore_0001h/rgb_00084.jpg /bookstore_0001h/sync_depth_00084.png 518.8579 +/bedroom_0063/rgb_00093.jpg /bedroom_0063/sync_depth_00093.png 518.8579 +/home_office_0008/rgb_00030.jpg /home_office_0008/sync_depth_00030.png 518.8579 +/study_0004/rgb_00007.jpg /study_0004/sync_depth_00007.png 518.8579 +/kitchen_0043/rgb_00190.jpg /kitchen_0043/sync_depth_00190.png 518.8579 +/bookstore_0001j/rgb_00163.jpg /bookstore_0001j/sync_depth_00163.png 518.8579 +/dining_room_0012/rgb_00138.jpg /dining_room_0012/sync_depth_00138.png 518.8579 +/classroom_0006/rgb_00204.jpg /classroom_0006/sync_depth_00204.png 518.8579 +/classroom_0005/rgb_00040.jpg /classroom_0005/sync_depth_00040.png 518.8579 +/office_0004/rgb_00019.jpg /office_0004/sync_depth_00019.png 518.8579 +/bedroom_0042/rgb_00027.jpg /bedroom_0042/sync_depth_00027.png 518.8579 +/furniture_store_0002c/rgb_00014.jpg /furniture_store_0002c/sync_depth_00014.png 518.8579 +/living_room_0050/rgb_00022.jpg /living_room_0050/sync_depth_00022.png 518.8579 +/bedroom_0140/rgb_00095.jpg /bedroom_0140/sync_depth_00095.png 518.8579 +/living_room_0012/rgb_00151.jpg /living_room_0012/sync_depth_00151.png 518.8579 +/playroom_0003/rgb_00211.jpg /playroom_0003/sync_depth_00211.png 518.8579 +/bedroom_0033/rgb_00088.jpg /bedroom_0033/sync_depth_00088.png 518.8579 +/kitchen_0008/rgb_00001.jpg /kitchen_0008/sync_depth_00001.png 518.8579 +/kitchen_0035a/rgb_00007.jpg /kitchen_0035a/sync_depth_00007.png 518.8579 +/living_room_0070/rgb_00024.jpg /living_room_0070/sync_depth_00024.png 518.8579 +/bedroom_0056a/rgb_00005.jpg /bedroom_0056a/sync_depth_00005.png 518.8579 +/living_room_0069a/rgb_00041.jpg /living_room_0069a/sync_depth_00041.png 518.8579 +/office_0019/rgb_00015.jpg /office_0019/sync_depth_00015.png 518.8579 +/home_office_0006/rgb_00051.jpg /home_office_0006/sync_depth_00051.png 518.8579 +/bedroom_0035/rgb_00010.jpg /bedroom_0035/sync_depth_00010.png 518.8579 +/living_room_0058/rgb_00125.jpg /living_room_0058/sync_depth_00125.png 518.8579 +/bedroom_0056b/rgb_00033.jpg /bedroom_0056b/sync_depth_00033.png 518.8579 +/bookstore_0001f/rgb_00007.jpg /bookstore_0001f/sync_depth_00007.png 518.8579 +/bedroom_0120/rgb_00077.jpg /bedroom_0120/sync_depth_00077.png 518.8579 +/living_room_0004/rgb_00096.jpg /living_room_0004/sync_depth_00096.png 518.8579 +/dining_room_0031/rgb_00226.jpg /dining_room_0031/sync_depth_00226.png 518.8579 +/bedroom_0016/rgb_00219.jpg /bedroom_0016/sync_depth_00219.png 518.8579 +/nyu_office_0/rgb_00047.jpg /nyu_office_0/sync_depth_00047.png 518.8579 +/bedroom_0062/rgb_00047.jpg /bedroom_0062/sync_depth_00047.png 518.8579 +/kitchen_0051/rgb_00128.jpg /kitchen_0051/sync_depth_00128.png 518.8579 +/home_office_0006/rgb_00007.jpg /home_office_0006/sync_depth_00007.png 518.8579 +/home_office_0008/rgb_00175.jpg /home_office_0008/sync_depth_00175.png 518.8579 +/kitchen_0006/rgb_00010.jpg /kitchen_0006/sync_depth_00010.png 518.8579 +/dining_room_0037/rgb_00068.jpg /dining_room_0037/sync_depth_00068.png 518.8579 +/living_room_0046b/rgb_00107.jpg /living_room_0046b/sync_depth_00107.png 518.8579 +/living_room_0071/rgb_00017.jpg /living_room_0071/sync_depth_00017.png 518.8579 +/office_0009/rgb_00007.jpg /office_0009/sync_depth_00007.png 518.8579 +/living_room_0006/rgb_00000.jpg /living_room_0006/sync_depth_00000.png 518.8579 +/dining_room_0016/rgb_00099.jpg /dining_room_0016/sync_depth_00099.png 518.8579 +/dining_room_0007/rgb_00124.jpg /dining_room_0007/sync_depth_00124.png 518.8579 +/bathroom_0033/rgb_00062.jpg /bathroom_0033/sync_depth_00062.png 518.8579 +/living_room_0005/rgb_00129.jpg /living_room_0005/sync_depth_00129.png 518.8579 +/kitchen_0045b/rgb_00006.jpg /kitchen_0045b/sync_depth_00006.png 518.8579 +/bedroom_0074/rgb_00084.jpg /bedroom_0074/sync_depth_00084.png 518.8579 +/living_room_0012/rgb_00027.jpg /living_room_0012/sync_depth_00027.png 518.8579 +/bookstore_0001f/rgb_00423.jpg /bookstore_0001f/sync_depth_00423.png 518.8579 +/bedroom_0025/rgb_00014.jpg /bedroom_0025/sync_depth_00014.png 518.8579 +/dining_room_0016/rgb_00189.jpg /dining_room_0016/sync_depth_00189.png 518.8579 +/bathroom_0051/rgb_00052.jpg /bathroom_0051/sync_depth_00052.png 518.8579 +/furniture_store_0002b/rgb_00254.jpg /furniture_store_0002b/sync_depth_00254.png 518.8579 +/living_room_0062/rgb_00107.jpg /living_room_0062/sync_depth_00107.png 518.8579 +/cafe_0001b/rgb_00054.jpg /cafe_0001b/sync_depth_00054.png 518.8579 +/furniture_store_0002b/rgb_00062.jpg /furniture_store_0002b/sync_depth_00062.png 518.8579 +/living_room_0032/rgb_00026.jpg /living_room_0032/sync_depth_00026.png 518.8579 +/bookstore_0001d/rgb_00357.jpg /bookstore_0001d/sync_depth_00357.png 518.8579 +/bedroom_0106/rgb_00084.jpg /bedroom_0106/sync_depth_00084.png 518.8579 +/kitchen_0050/rgb_00155.jpg /kitchen_0050/sync_depth_00155.png 518.8579 +/bedroom_0106/rgb_00022.jpg /bedroom_0106/sync_depth_00022.png 518.8579 +/bathroom_0019/rgb_00014.jpg /bathroom_0019/sync_depth_00014.png 518.8579 +/bathroom_0057/rgb_00022.jpg /bathroom_0057/sync_depth_00022.png 518.8579 +/nyu_office_0/rgb_00424.jpg /nyu_office_0/sync_depth_00424.png 518.8579 +/cafe_0001b/rgb_00032.jpg /cafe_0001b/sync_depth_00032.png 518.8579 +/office_kitchen_0001b/rgb_00060.jpg /office_kitchen_0001b/sync_depth_00060.png 518.8579 +/bedroom_0090/rgb_00017.jpg /bedroom_0090/sync_depth_00017.png 518.8579 +/dining_room_0015/rgb_00208.jpg /dining_room_0015/sync_depth_00208.png 518.8579 +/bedroom_0028/rgb_00032.jpg /bedroom_0028/sync_depth_00032.png 518.8579 +/living_room_0039/rgb_00115.jpg /living_room_0039/sync_depth_00115.png 518.8579 +/living_room_0032/rgb_00017.jpg /living_room_0032/sync_depth_00017.png 518.8579 +/bedroom_0076a/rgb_00210.jpg /bedroom_0076a/sync_depth_00210.png 518.8579 +/bedroom_0025/rgb_00135.jpg /bedroom_0025/sync_depth_00135.png 518.8579 +/office_0025/rgb_00019.jpg /office_0025/sync_depth_00019.png 518.8579 +/bedroom_0063/rgb_00031.jpg /bedroom_0063/sync_depth_00031.png 518.8579 +/bedroom_0094/rgb_00006.jpg /bedroom_0094/sync_depth_00006.png 518.8579 +/bathroom_0023/rgb_00020.jpg /bathroom_0023/sync_depth_00020.png 518.8579 +/bedroom_0050/rgb_00116.jpg /bedroom_0050/sync_depth_00116.png 518.8579 +/dining_room_0019/rgb_00099.jpg /dining_room_0019/sync_depth_00099.png 518.8579 +/study_room_0004/rgb_00159.jpg /study_room_0004/sync_depth_00159.png 518.8579 +/bedroom_0050/rgb_00100.jpg /bedroom_0050/sync_depth_00100.png 518.8579 +/kitchen_0060/rgb_00160.jpg /kitchen_0060/sync_depth_00160.png 518.8579 +/bedroom_0052/rgb_00042.jpg /bedroom_0052/sync_depth_00042.png 518.8579 +/bedroom_0125b/rgb_00013.jpg /bedroom_0125b/sync_depth_00013.png 518.8579 +/bedroom_0136/rgb_00143.jpg /bedroom_0136/sync_depth_00143.png 518.8579 +/bedroom_0041/rgb_00058.jpg /bedroom_0041/sync_depth_00058.png 518.8579 +/kitchen_0031/rgb_00108.jpg /kitchen_0031/sync_depth_00108.png 518.8579 +/bookstore_0001i/rgb_00136.jpg /bookstore_0001i/sync_depth_00136.png 518.8579 +/dining_room_0012/rgb_00157.jpg /dining_room_0012/sync_depth_00157.png 518.8579 +/bookstore_0001d/rgb_00185.jpg /bookstore_0001d/sync_depth_00185.png 518.8579 +/furniture_store_0002a/rgb_00402.jpg /furniture_store_0002a/sync_depth_00402.png 518.8579 +/office_kitchen_0001a/rgb_00068.jpg /office_kitchen_0001a/sync_depth_00068.png 518.8579 +/nyu_office_0/rgb_00433.jpg /nyu_office_0/sync_depth_00433.png 518.8579 +/bedroom_0076a/rgb_00089.jpg /bedroom_0076a/sync_depth_00089.png 518.8579 +/classroom_0016/rgb_00025.jpg /classroom_0016/sync_depth_00025.png 518.8579 +/bedroom_0052/rgb_00045.jpg /bedroom_0052/sync_depth_00045.png 518.8579 +/kitchen_0010/rgb_00105.jpg /kitchen_0010/sync_depth_00105.png 518.8579 +/living_room_0040/rgb_00306.jpg /living_room_0040/sync_depth_00306.png 518.8579 +/living_room_0078/rgb_00037.jpg /living_room_0078/sync_depth_00037.png 518.8579 +/bookstore_0001j/rgb_00287.jpg /bookstore_0001j/sync_depth_00287.png 518.8579 +/living_room_0040/rgb_00221.jpg /living_room_0040/sync_depth_00221.png 518.8579 +/bedroom_0071/rgb_00012.jpg /bedroom_0071/sync_depth_00012.png 518.8579 +/kitchen_0016/rgb_00046.jpg /kitchen_0016/sync_depth_00046.png 518.8579 +/bookstore_0001j/rgb_00057.jpg /bookstore_0001j/sync_depth_00057.png 518.8579 +/kitchen_0016/rgb_00112.jpg /kitchen_0016/sync_depth_00112.png 518.8579 +/bedroom_0019/rgb_00047.jpg /bedroom_0019/sync_depth_00047.png 518.8579 +/office_kitchen_0001a/rgb_00033.jpg /office_kitchen_0001a/sync_depth_00033.png 518.8579 +/bedroom_0125a/rgb_00029.jpg /bedroom_0125a/sync_depth_00029.png 518.8579 +/dining_room_0010/rgb_00002.jpg /dining_room_0010/sync_depth_00002.png 518.8579 +/dining_room_0013/rgb_00203.jpg /dining_room_0013/sync_depth_00203.png 518.8579 +/kitchen_0043/rgb_00171.jpg /kitchen_0043/sync_depth_00171.png 518.8579 +/kitchen_0011b/rgb_00001.jpg /kitchen_0011b/sync_depth_00001.png 518.8579 +/bedroom_0010/rgb_00061.jpg /bedroom_0010/sync_depth_00061.png 518.8579 +/dining_room_0008/rgb_00094.jpg /dining_room_0008/sync_depth_00094.png 518.8579 +/bathroom_0028/rgb_00049.jpg /bathroom_0028/sync_depth_00049.png 518.8579 +/bathroom_0051/rgb_00010.jpg /bathroom_0051/sync_depth_00010.png 518.8579 +/dining_room_0007/rgb_00043.jpg /dining_room_0007/sync_depth_00043.png 518.8579 +/bedroom_0062/rgb_00131.jpg /bedroom_0062/sync_depth_00131.png 518.8579 +/furniture_store_0001c/rgb_00010.jpg /furniture_store_0001c/sync_depth_00010.png 518.8579 +/living_room_0018/rgb_00008.jpg /living_room_0018/sync_depth_00008.png 518.8579 +/dining_room_0012/rgb_00185.jpg /dining_room_0012/sync_depth_00185.png 518.8579 +/kitchen_0019a/rgb_00089.jpg /kitchen_0019a/sync_depth_00089.png 518.8579 +/furniture_store_0001d/rgb_00040.jpg /furniture_store_0001d/sync_depth_00040.png 518.8579 +/kitchen_0003/rgb_00052.jpg /kitchen_0003/sync_depth_00052.png 518.8579 +/classroom_0016/rgb_00031.jpg /classroom_0016/sync_depth_00031.png 518.8579 +/playroom_0006/rgb_00040.jpg /playroom_0006/sync_depth_00040.png 518.8579 +/bedroom_0136/rgb_00107.jpg /bedroom_0136/sync_depth_00107.png 518.8579 +/dining_room_0023/rgb_00144.jpg /dining_room_0023/sync_depth_00144.png 518.8579 +/bedroom_0050/rgb_00059.jpg /bedroom_0050/sync_depth_00059.png 518.8579 +/bedroom_0052/rgb_00176.jpg /bedroom_0052/sync_depth_00176.png 518.8579 +/kitchen_0006/rgb_00023.jpg /kitchen_0006/sync_depth_00023.png 518.8579 +/living_room_0070/rgb_00110.jpg /living_room_0070/sync_depth_00110.png 518.8579 +/bathroom_0023/rgb_00017.jpg /bathroom_0023/sync_depth_00017.png 518.8579 +/living_room_0050/rgb_00051.jpg /living_room_0050/sync_depth_00051.png 518.8579 +/bedroom_0104/rgb_00039.jpg /bedroom_0104/sync_depth_00039.png 518.8579 +/kitchen_0028b/rgb_00056.jpg /kitchen_0028b/sync_depth_00056.png 518.8579 +/furniture_store_0002a/rgb_00168.jpg /furniture_store_0002a/sync_depth_00168.png 518.8579 +/bedroom_0107/rgb_00027.jpg /bedroom_0107/sync_depth_00027.png 518.8579 +/dining_room_0024/rgb_00064.jpg /dining_room_0024/sync_depth_00064.png 518.8579 +/bedroom_0019/rgb_00121.jpg /bedroom_0019/sync_depth_00121.png 518.8579 +/bookstore_0001h/rgb_00062.jpg /bookstore_0001h/sync_depth_00062.png 518.8579 +/kitchen_0031/rgb_00098.jpg /kitchen_0031/sync_depth_00098.png 518.8579 +/kitchen_0019a/rgb_00095.jpg /kitchen_0019a/sync_depth_00095.png 518.8579 +/office_0021/rgb_00003.jpg /office_0021/sync_depth_00003.png 518.8579 +/playroom_0004/rgb_00006.jpg /playroom_0004/sync_depth_00006.png 518.8579 +/bedroom_0065/rgb_00020.jpg /bedroom_0065/sync_depth_00020.png 518.8579 +/office_0019/rgb_00023.jpg /office_0019/sync_depth_00023.png 518.8579 +/kitchen_0048/rgb_00223.jpg /kitchen_0048/sync_depth_00223.png 518.8579 +/bathroom_0035/rgb_00015.jpg /bathroom_0035/sync_depth_00015.png 518.8579 +/dining_room_0002/rgb_00002.jpg /dining_room_0002/sync_depth_00002.png 518.8579 +/dining_room_0031/rgb_00157.jpg /dining_room_0031/sync_depth_00157.png 518.8579 +/living_room_0038/rgb_00111.jpg /living_room_0038/sync_depth_00111.png 518.8579 +/living_room_0010/rgb_00100.jpg /living_room_0010/sync_depth_00100.png 518.8579 +/bedroom_0069/rgb_00101.jpg /bedroom_0069/sync_depth_00101.png 518.8579 +/kitchen_0048/rgb_00122.jpg /kitchen_0048/sync_depth_00122.png 518.8579 +/dining_room_0016/rgb_00052.jpg /dining_room_0016/sync_depth_00052.png 518.8579 +/office_kitchen_0003/rgb_00029.jpg /office_kitchen_0003/sync_depth_00029.png 518.8579 +/basement_0001a/rgb_00076.jpg /basement_0001a/sync_depth_00076.png 518.8579 +/living_room_0046b/rgb_00124.jpg /living_room_0046b/sync_depth_00124.png 518.8579 +/study_room_0005b/rgb_00071.jpg /study_room_0005b/sync_depth_00071.png 518.8579 +/bookstore_0001h/rgb_00058.jpg /bookstore_0001h/sync_depth_00058.png 518.8579 +/office_0012/rgb_00100.jpg /office_0012/sync_depth_00100.png 518.8579 +/bathroom_0028/rgb_00066.jpg /bathroom_0028/sync_depth_00066.png 518.8579 +/kitchen_0035b/rgb_00327.jpg /kitchen_0035b/sync_depth_00327.png 518.8579 +/reception_room_0004/rgb_00091.jpg /reception_room_0004/sync_depth_00091.png 518.8579 +/furniture_store_0002b/rgb_00238.jpg /furniture_store_0002b/sync_depth_00238.png 518.8579 +/kitchen_0028a/rgb_00081.jpg /kitchen_0028a/sync_depth_00081.png 518.8579 +/kitchen_0011b/rgb_00032.jpg /kitchen_0011b/sync_depth_00032.png 518.8579 +/bookstore_0001f/rgb_00261.jpg /bookstore_0001f/sync_depth_00261.png 518.8579 +/bedroom_0017/rgb_00062.jpg /bedroom_0017/sync_depth_00062.png 518.8579 +/dining_room_0015/rgb_00256.jpg /dining_room_0015/sync_depth_00256.png 518.8579 +/bedroom_0140/rgb_00178.jpg /bedroom_0140/sync_depth_00178.png 518.8579 +/bedroom_0106/rgb_00086.jpg /bedroom_0106/sync_depth_00086.png 518.8579 +/kitchen_0029b/rgb_00025.jpg /kitchen_0029b/sync_depth_00025.png 518.8579 +/office_kitchen_0003/rgb_00021.jpg /office_kitchen_0003/sync_depth_00021.png 518.8579 +/kitchen_0029a/rgb_00022.jpg /kitchen_0029a/sync_depth_00022.png 518.8579 +/dining_room_0029/rgb_00142.jpg /dining_room_0029/sync_depth_00142.png 518.8579 +/bedroom_0072/rgb_00091.jpg /bedroom_0072/sync_depth_00091.png 518.8579 +/bedroom_0071/rgb_00151.jpg /bedroom_0071/sync_depth_00151.png 518.8579 +/office_0004/rgb_00108.jpg /office_0004/sync_depth_00108.png 518.8579 +/office_0012/rgb_00090.jpg /office_0012/sync_depth_00090.png 518.8579 +/bedroom_0052/rgb_00084.jpg /bedroom_0052/sync_depth_00084.png 518.8579 +/playroom_0002/rgb_00145.jpg /playroom_0002/sync_depth_00145.png 518.8579 +/dining_room_0012/rgb_00005.jpg /dining_room_0012/sync_depth_00005.png 518.8579 +/kitchen_0048/rgb_00195.jpg /kitchen_0048/sync_depth_00195.png 518.8579 +/living_room_0046a/rgb_00046.jpg /living_room_0046a/sync_depth_00046.png 518.8579 +/home_office_0011/rgb_00029.jpg /home_office_0011/sync_depth_00029.png 518.8579 +/living_room_0019/rgb_00069.jpg /living_room_0019/sync_depth_00069.png 518.8579 +/bathroom_0002/rgb_00027.jpg /bathroom_0002/sync_depth_00027.png 518.8579 +/kitchen_0048/rgb_00051.jpg /kitchen_0048/sync_depth_00051.png 518.8579 +/dining_room_0031/rgb_00122.jpg /dining_room_0031/sync_depth_00122.png 518.8579 +/nyu_office_0/rgb_00059.jpg /nyu_office_0/sync_depth_00059.png 518.8579 +/cafe_0001c/rgb_00071.jpg /cafe_0001c/sync_depth_00071.png 518.8579 +/home_office_0004/rgb_00129.jpg /home_office_0004/sync_depth_00129.png 518.8579 +/kitchen_0047/rgb_00079.jpg /kitchen_0047/sync_depth_00079.png 518.8579 +/dining_room_0016/rgb_00213.jpg /dining_room_0016/sync_depth_00213.png 518.8579 +/dining_room_0037/rgb_00164.jpg /dining_room_0037/sync_depth_00164.png 518.8579 +/home_office_0007/rgb_00020.jpg /home_office_0007/sync_depth_00020.png 518.8579 +/living_room_0046b/rgb_00105.jpg /living_room_0046b/sync_depth_00105.png 518.8579 +/bedroom_0138/rgb_00059.jpg /bedroom_0138/sync_depth_00059.png 518.8579 +/office_0021/rgb_00024.jpg /office_0021/sync_depth_00024.png 518.8579 +/kitchen_0035b/rgb_00028.jpg /kitchen_0035b/sync_depth_00028.png 518.8579 +/bedroom_0125b/rgb_00034.jpg /bedroom_0125b/sync_depth_00034.png 518.8579 +/study_room_0005a/rgb_00015.jpg /study_room_0005a/sync_depth_00015.png 518.8579 +/kitchen_0019a/rgb_00032.jpg /kitchen_0019a/sync_depth_00032.png 518.8579 +/bedroom_0096/rgb_00088.jpg /bedroom_0096/sync_depth_00088.png 518.8579 +/bedroom_0050/rgb_00052.jpg /bedroom_0050/sync_depth_00052.png 518.8579 +/reception_room_0001b/rgb_00091.jpg /reception_room_0001b/sync_depth_00091.png 518.8579 +/living_room_0069a/rgb_00096.jpg /living_room_0069a/sync_depth_00096.png 518.8579 +/living_room_0035/rgb_00090.jpg /living_room_0035/sync_depth_00090.png 518.8579 +/study_0003/rgb_00116.jpg /study_0003/sync_depth_00116.png 518.8579 +/dining_room_0034/rgb_00037.jpg /dining_room_0034/sync_depth_00037.png 518.8579 +/bedroom_0078/rgb_00142.jpg /bedroom_0078/sync_depth_00142.png 518.8579 +/dining_room_0013/rgb_00055.jpg /dining_room_0013/sync_depth_00055.png 518.8579 +/bedroom_0130/rgb_00027.jpg /bedroom_0130/sync_depth_00027.png 518.8579 +/living_room_0011/rgb_00011.jpg /living_room_0011/sync_depth_00011.png 518.8579 +/bathroom_0028/rgb_00034.jpg /bathroom_0028/sync_depth_00034.png 518.8579 +/bathroom_0057/rgb_00035.jpg /bathroom_0057/sync_depth_00035.png 518.8579 +/living_room_0069a/rgb_00078.jpg /living_room_0069a/sync_depth_00078.png 518.8579 +/bedroom_0097/rgb_00067.jpg /bedroom_0097/sync_depth_00067.png 518.8579 +/living_room_0018/rgb_00044.jpg /living_room_0018/sync_depth_00044.png 518.8579 +/dining_room_0012/rgb_00026.jpg /dining_room_0012/sync_depth_00026.png 518.8579 +/kitchen_0051/rgb_00344.jpg /kitchen_0051/sync_depth_00344.png 518.8579 +/living_room_0062/rgb_00042.jpg /living_room_0062/sync_depth_00042.png 518.8579 +/bedroom_0040/rgb_00088.jpg /bedroom_0040/sync_depth_00088.png 518.8579 +/printer_room_0001/rgb_00071.jpg /printer_room_0001/sync_depth_00071.png 518.8579 +/bedroom_0072/rgb_00048.jpg /bedroom_0072/sync_depth_00048.png 518.8579 +/home_office_0004/rgb_00126.jpg /home_office_0004/sync_depth_00126.png 518.8579 +/living_room_0020/rgb_00155.jpg /living_room_0020/sync_depth_00155.png 518.8579 +/kitchen_0052/rgb_00141.jpg /kitchen_0052/sync_depth_00141.png 518.8579 +/kitchen_0029a/rgb_00021.jpg /kitchen_0029a/sync_depth_00021.png 518.8579 +/playroom_0006/rgb_00120.jpg /playroom_0006/sync_depth_00120.png 518.8579 +/living_room_0004/rgb_00083.jpg /living_room_0004/sync_depth_00083.png 518.8579 +/bedroom_0020/rgb_00029.jpg /bedroom_0020/sync_depth_00029.png 518.8579 +/bedroom_0130/rgb_00036.jpg /bedroom_0130/sync_depth_00036.png 518.8579 +/living_room_0011/rgb_00013.jpg /living_room_0011/sync_depth_00013.png 518.8579 +/kitchen_0035b/rgb_00060.jpg /kitchen_0035b/sync_depth_00060.png 518.8579 +/living_room_0058/rgb_00200.jpg /living_room_0058/sync_depth_00200.png 518.8579 +/reception_room_0002/rgb_00044.jpg /reception_room_0002/sync_depth_00044.png 518.8579 +/bedroom_0125b/rgb_00093.jpg /bedroom_0125b/sync_depth_00093.png 518.8579 +/classroom_0004/rgb_00105.jpg /classroom_0004/sync_depth_00105.png 518.8579 +/living_room_0040/rgb_00154.jpg /living_room_0040/sync_depth_00154.png 518.8579 +/kitchen_0033/rgb_00029.jpg /kitchen_0033/sync_depth_00029.png 518.8579 +/kitchen_0017/rgb_00084.jpg /kitchen_0017/sync_depth_00084.png 518.8579 +/bookstore_0001f/rgb_00206.jpg /bookstore_0001f/sync_depth_00206.png 518.8579 +/bedroom_0113/rgb_00001.jpg /bedroom_0113/sync_depth_00001.png 518.8579 +/laundry_room_0001/rgb_00004.jpg /laundry_room_0001/sync_depth_00004.png 518.8579 +/bedroom_0107/rgb_00050.jpg /bedroom_0107/sync_depth_00050.png 518.8579 +/bedroom_0056a/rgb_00016.jpg /bedroom_0056a/sync_depth_00016.png 518.8579 +/nyu_office_0/rgb_00044.jpg /nyu_office_0/sync_depth_00044.png 518.8579 +/living_room_0046a/rgb_00056.jpg /living_room_0046a/sync_depth_00056.png 518.8579 +/living_room_0018/rgb_00122.jpg /living_room_0018/sync_depth_00122.png 518.8579 +/bedroom_0063/rgb_00063.jpg /bedroom_0063/sync_depth_00063.png 518.8579 +/dining_room_0004/rgb_00122.jpg /dining_room_0004/sync_depth_00122.png 518.8579 +/living_room_0004/rgb_00181.jpg /living_room_0004/sync_depth_00181.png 518.8579 +/bedroom_0017/rgb_00058.jpg /bedroom_0017/sync_depth_00058.png 518.8579 +/home_office_0008/rgb_00147.jpg /home_office_0008/sync_depth_00147.png 518.8579 +/kitchen_0053/rgb_00231.jpg /kitchen_0053/sync_depth_00231.png 518.8579 +/kitchen_0003/rgb_00099.jpg /kitchen_0003/sync_depth_00099.png 518.8579 +/bathroom_0028/rgb_00140.jpg /bathroom_0028/sync_depth_00140.png 518.8579 +/living_room_0004/rgb_00156.jpg /living_room_0004/sync_depth_00156.png 518.8579 +/living_room_0022/rgb_00026.jpg /living_room_0022/sync_depth_00026.png 518.8579 +/home_office_0004/rgb_00083.jpg /home_office_0004/sync_depth_00083.png 518.8579 +/bedroom_0140/rgb_00129.jpg /bedroom_0140/sync_depth_00129.png 518.8579 +/bookstore_0001d/rgb_00332.jpg /bookstore_0001d/sync_depth_00332.png 518.8579 +/living_room_0047b/rgb_00072.jpg /living_room_0047b/sync_depth_00072.png 518.8579 +/bedroom_0019/rgb_00003.jpg /bedroom_0019/sync_depth_00003.png 518.8579 +/dining_room_0001b/rgb_00125.jpg /dining_room_0001b/sync_depth_00125.png 518.8579 +/office_0004/rgb_00058.jpg /office_0004/sync_depth_00058.png 518.8579 +/bedroom_0060/rgb_00003.jpg /bedroom_0060/sync_depth_00003.png 518.8579 +/office_0023/rgb_00002.jpg /office_0023/sync_depth_00002.png 518.8579 +/bedroom_0039/rgb_00037.jpg /bedroom_0039/sync_depth_00037.png 518.8579 +/office_0009/rgb_00067.jpg /office_0009/sync_depth_00067.png 518.8579 +/home_office_0004/rgb_00011.jpg /home_office_0004/sync_depth_00011.png 518.8579 +/bathroom_0048/rgb_00005.jpg /bathroom_0048/sync_depth_00005.png 518.8579 +/kitchen_0028b/rgb_00025.jpg /kitchen_0028b/sync_depth_00025.png 518.8579 +/bedroom_0106/rgb_00023.jpg /bedroom_0106/sync_depth_00023.png 518.8579 +/office_0023/rgb_00027.jpg /office_0023/sync_depth_00027.png 518.8579 +/dining_room_0024/rgb_00056.jpg /dining_room_0024/sync_depth_00056.png 518.8579 +/living_room_0046a/rgb_00023.jpg /living_room_0046a/sync_depth_00023.png 518.8579 +/bedroom_0136/rgb_00119.jpg /bedroom_0136/sync_depth_00119.png 518.8579 +/bedroom_0016/rgb_00048.jpg /bedroom_0016/sync_depth_00048.png 518.8579 +/kitchen_0047/rgb_00120.jpg /kitchen_0047/sync_depth_00120.png 518.8579 +/kitchen_0060/rgb_00154.jpg /kitchen_0060/sync_depth_00154.png 518.8579 +/living_room_0019/rgb_00206.jpg /living_room_0019/sync_depth_00206.png 518.8579 +/bedroom_0019/rgb_00134.jpg /bedroom_0019/sync_depth_00134.png 518.8579 +/bathroom_0024/rgb_00055.jpg /bathroom_0024/sync_depth_00055.png 518.8579 +/living_room_0018/rgb_00002.jpg /living_room_0018/sync_depth_00002.png 518.8579 +/living_room_0012/rgb_00148.jpg /living_room_0012/sync_depth_00148.png 518.8579 +/classroom_0022/rgb_00088.jpg /classroom_0022/sync_depth_00088.png 518.8579 +/nyu_office_1/rgb_00017.jpg /nyu_office_1/sync_depth_00017.png 518.8579 +/bedroom_0052/rgb_00113.jpg /bedroom_0052/sync_depth_00113.png 518.8579 +/playroom_0006/rgb_00021.jpg /playroom_0006/sync_depth_00021.png 518.8579 +/bedroom_0052/rgb_00135.jpg /bedroom_0052/sync_depth_00135.png 518.8579 +/basement_0001a/rgb_00176.jpg /basement_0001a/sync_depth_00176.png 518.8579 +/reception_room_0002/rgb_00094.jpg /reception_room_0002/sync_depth_00094.png 518.8579 +/bedroom_0019/rgb_00040.jpg /bedroom_0019/sync_depth_00040.png 518.8579 +/bathroom_0039/rgb_00036.jpg /bathroom_0039/sync_depth_00036.png 518.8579 +/bookstore_0001f/rgb_00126.jpg /bookstore_0001f/sync_depth_00126.png 518.8579 +/furniture_store_0002a/rgb_00153.jpg /furniture_store_0002a/sync_depth_00153.png 518.8579 +/living_room_0038/rgb_00052.jpg /living_room_0038/sync_depth_00052.png 518.8579 +/bedroom_0034/rgb_00082.jpg /bedroom_0034/sync_depth_00082.png 518.8579 +/bedroom_0041/rgb_00033.jpg /bedroom_0041/sync_depth_00033.png 518.8579 +/kitchen_0059/rgb_00049.jpg /kitchen_0059/sync_depth_00049.png 518.8579 +/dining_room_0008/rgb_00093.jpg /dining_room_0008/sync_depth_00093.png 518.8579 +/bathroom_0006/rgb_00057.jpg /bathroom_0006/sync_depth_00057.png 518.8579 +/bedroom_0072/rgb_00184.jpg /bedroom_0072/sync_depth_00184.png 518.8579 +/bedroom_0047/rgb_00045.jpg /bedroom_0047/sync_depth_00045.png 518.8579 +/bookstore_0001e/rgb_00137.jpg /bookstore_0001e/sync_depth_00137.png 518.8579 +/bookstore_0001e/rgb_00183.jpg /bookstore_0001e/sync_depth_00183.png 518.8579 +/living_room_0010/rgb_00019.jpg /living_room_0010/sync_depth_00019.png 518.8579 +/office_0003/rgb_00056.jpg /office_0003/sync_depth_00056.png 518.8579 +/living_room_0035/rgb_00003.jpg /living_room_0035/sync_depth_00003.png 518.8579 +/bedroom_0080/rgb_00051.jpg /bedroom_0080/sync_depth_00051.png 518.8579 +/living_room_0037/rgb_00052.jpg /living_room_0037/sync_depth_00052.png 518.8579 +/student_lounge_0001/rgb_00218.jpg /student_lounge_0001/sync_depth_00218.png 518.8579 +/bedroom_0113/rgb_00006.jpg /bedroom_0113/sync_depth_00006.png 518.8579 +/nyu_office_0/rgb_00129.jpg /nyu_office_0/sync_depth_00129.png 518.8579 +/living_room_0063/rgb_00114.jpg /living_room_0063/sync_depth_00114.png 518.8579 +/bookstore_0001d/rgb_00251.jpg /bookstore_0001d/sync_depth_00251.png 518.8579 +/bedroom_0078/rgb_00000.jpg /bedroom_0078/sync_depth_00000.png 518.8579 +/playroom_0004/rgb_00090.jpg /playroom_0004/sync_depth_00090.png 518.8579 +/dining_room_0014/rgb_00094.jpg /dining_room_0014/sync_depth_00094.png 518.8579 +/classroom_0016/rgb_00053.jpg /classroom_0016/sync_depth_00053.png 518.8579 +/dining_room_0031/rgb_00234.jpg /dining_room_0031/sync_depth_00234.png 518.8579 +/living_room_0058/rgb_00129.jpg /living_room_0058/sync_depth_00129.png 518.8579 +/kitchen_0048/rgb_00262.jpg /kitchen_0048/sync_depth_00262.png 518.8579 +/kitchen_0050/rgb_00062.jpg /kitchen_0050/sync_depth_00062.png 518.8579 +/living_room_0047b/rgb_00198.jpg /living_room_0047b/sync_depth_00198.png 518.8579 +/kitchen_0031/rgb_00037.jpg /kitchen_0031/sync_depth_00037.png 518.8579 +/kitchen_0049/rgb_00026.jpg /kitchen_0049/sync_depth_00026.png 518.8579 +/bookstore_0001f/rgb_00447.jpg /bookstore_0001f/sync_depth_00447.png 518.8579 +/home_office_0011/rgb_00005.jpg /home_office_0011/sync_depth_00005.png 518.8579 +/bedroom_0100/rgb_00038.jpg /bedroom_0100/sync_depth_00038.png 518.8579 +/kitchen_0011b/rgb_00018.jpg /kitchen_0011b/sync_depth_00018.png 518.8579 +/kitchen_0019b/rgb_00039.jpg /kitchen_0019b/sync_depth_00039.png 518.8579 +/bedroom_0040/rgb_00045.jpg /bedroom_0040/sync_depth_00045.png 518.8579 +/bedroom_0069/rgb_00066.jpg /bedroom_0069/sync_depth_00066.png 518.8579 +/reception_room_0001a/rgb_00091.jpg /reception_room_0001a/sync_depth_00091.png 518.8579 +/bathroom_0054/rgb_00004.jpg /bathroom_0054/sync_depth_00004.png 518.8579 +/bathroom_0057/rgb_00023.jpg /bathroom_0057/sync_depth_00023.png 518.8579 +/living_room_0004/rgb_00170.jpg /living_room_0004/sync_depth_00170.png 518.8579 +/furniture_store_0001d/rgb_00235.jpg /furniture_store_0001d/sync_depth_00235.png 518.8579 +/bedroom_0113/rgb_00035.jpg /bedroom_0113/sync_depth_00035.png 518.8579 +/kitchen_0028a/rgb_00102.jpg /kitchen_0028a/sync_depth_00102.png 518.8579 +/bookstore_0001j/rgb_00089.jpg /bookstore_0001j/sync_depth_00089.png 518.8579 +/living_room_0039/rgb_00105.jpg /living_room_0039/sync_depth_00105.png 518.8579 +/bathroom_0049/rgb_00057.jpg /bathroom_0049/sync_depth_00057.png 518.8579 +/kitchen_0037/rgb_00052.jpg /kitchen_0037/sync_depth_00052.png 518.8579 +/dining_room_0023/rgb_00022.jpg /dining_room_0023/sync_depth_00022.png 518.8579 +/living_room_0070/rgb_00067.jpg /living_room_0070/sync_depth_00067.png 518.8579 +/bedroom_0062/rgb_00038.jpg /bedroom_0062/sync_depth_00038.png 518.8579 +/classroom_0010/rgb_00064.jpg /classroom_0010/sync_depth_00064.png 518.8579 +/office_0011/rgb_00139.jpg /office_0011/sync_depth_00139.png 518.8579 +/bathroom_0007/rgb_00040.jpg /bathroom_0007/sync_depth_00040.png 518.8579 +/living_room_0018/rgb_00194.jpg /living_room_0018/sync_depth_00194.png 518.8579 +/basement_0001a/rgb_00197.jpg /basement_0001a/sync_depth_00197.png 518.8579 +/kitchen_0008/rgb_00024.jpg /kitchen_0008/sync_depth_00024.png 518.8579 +/kitchen_0051/rgb_00241.jpg /kitchen_0051/sync_depth_00241.png 518.8579 +/dining_room_0016/rgb_00203.jpg /dining_room_0016/sync_depth_00203.png 518.8579 +/office_0012/rgb_00093.jpg /office_0012/sync_depth_00093.png 518.8579 +/playroom_0002/rgb_00093.jpg /playroom_0002/sync_depth_00093.png 518.8579 +/nyu_office_0/rgb_00082.jpg /nyu_office_0/sync_depth_00082.png 518.8579 +/home_office_0004/rgb_00006.jpg /home_office_0004/sync_depth_00006.png 518.8579 +/bathroom_0028/rgb_00103.jpg /bathroom_0028/sync_depth_00103.png 518.8579 +/dining_room_0015/rgb_00255.jpg /dining_room_0015/sync_depth_00255.png 518.8579 +/dining_room_0019/rgb_00062.jpg /dining_room_0019/sync_depth_00062.png 518.8579 +/bedroom_0033/rgb_00072.jpg /bedroom_0033/sync_depth_00072.png 518.8579 +/kitchen_0049/rgb_00068.jpg /kitchen_0049/sync_depth_00068.png 518.8579 +/home_office_0005/rgb_00067.jpg /home_office_0005/sync_depth_00067.png 518.8579 +/kitchen_0043/rgb_00161.jpg /kitchen_0043/sync_depth_00161.png 518.8579 +/dining_room_0031/rgb_00314.jpg /dining_room_0031/sync_depth_00314.png 518.8579 +/dining_room_0012/rgb_00166.jpg /dining_room_0012/sync_depth_00166.png 518.8579 +/bedroom_0029/rgb_00066.jpg /bedroom_0029/sync_depth_00066.png 518.8579 +/bedroom_0080/rgb_00034.jpg /bedroom_0080/sync_depth_00034.png 518.8579 +/furniture_store_0001a/rgb_00012.jpg /furniture_store_0001a/sync_depth_00012.png 518.8579 +/nyu_office_0/rgb_00114.jpg /nyu_office_0/sync_depth_00114.png 518.8579 +/bedroom_0016/rgb_00023.jpg /bedroom_0016/sync_depth_00023.png 518.8579 +/bookstore_0001g/rgb_00117.jpg /bookstore_0001g/sync_depth_00117.png 518.8579 +/student_lounge_0001/rgb_00000.jpg /student_lounge_0001/sync_depth_00000.png 518.8579 +/office_0009/rgb_00026.jpg /office_0009/sync_depth_00026.png 518.8579 +/kitchen_0033/rgb_00148.jpg /kitchen_0033/sync_depth_00148.png 518.8579 +/furniture_store_0002b/rgb_00066.jpg /furniture_store_0002b/sync_depth_00066.png 518.8579 +/bedroom_0020/rgb_00042.jpg /bedroom_0020/sync_depth_00042.png 518.8579 +/bathroom_0049/rgb_00040.jpg /bathroom_0049/sync_depth_00040.png 518.8579 +/dining_room_0014/rgb_00116.jpg /dining_room_0014/sync_depth_00116.png 518.8579 +/excercise_room_0001/rgb_00059.jpg /excercise_room_0001/sync_depth_00059.png 518.8579 +/bedroom_0050/rgb_00141.jpg /bedroom_0050/sync_depth_00141.png 518.8579 +/office_0019/rgb_00059.jpg /office_0019/sync_depth_00059.png 518.8579 +/home_office_0006/rgb_00055.jpg /home_office_0006/sync_depth_00055.png 518.8579 +/living_room_0046b/rgb_00007.jpg /living_room_0046b/sync_depth_00007.png 518.8579 +/kitchen_0052/rgb_00174.jpg /kitchen_0052/sync_depth_00174.png 518.8579 +/dining_room_0001b/rgb_00096.jpg /dining_room_0001b/sync_depth_00096.png 518.8579 +/playroom_0006/rgb_00031.jpg /playroom_0006/sync_depth_00031.png 518.8579 +/bedroom_0062/rgb_00118.jpg /bedroom_0062/sync_depth_00118.png 518.8579 +/bookstore_0001d/rgb_00222.jpg /bookstore_0001d/sync_depth_00222.png 518.8579 +/kitchen_0029b/rgb_00046.jpg /kitchen_0029b/sync_depth_00046.png 518.8579 +/furniture_store_0001d/rgb_00062.jpg /furniture_store_0001d/sync_depth_00062.png 518.8579 +/bedroom_0051/rgb_00131.jpg /bedroom_0051/sync_depth_00131.png 518.8579 +/bathroom_0041/rgb_00032.jpg /bathroom_0041/sync_depth_00032.png 518.8579 +/reception_room_0004/rgb_00037.jpg /reception_room_0004/sync_depth_00037.png 518.8579 +/living_room_0012/rgb_00183.jpg /living_room_0012/sync_depth_00183.png 518.8579 +/bookstore_0001d/rgb_00053.jpg /bookstore_0001d/sync_depth_00053.png 518.8579 +/bedroom_0072/rgb_00018.jpg /bedroom_0072/sync_depth_00018.png 518.8579 +/classroom_0005/rgb_00036.jpg /classroom_0005/sync_depth_00036.png 518.8579 +/furniture_store_0002b/rgb_00259.jpg /furniture_store_0002b/sync_depth_00259.png 518.8579 +/kitchen_0047/rgb_00129.jpg /kitchen_0047/sync_depth_00129.png 518.8579 +/bookstore_0001f/rgb_00254.jpg /bookstore_0001f/sync_depth_00254.png 518.8579 +/playroom_0006/rgb_00085.jpg /playroom_0006/sync_depth_00085.png 518.8579 +/living_room_0068/rgb_00108.jpg /living_room_0068/sync_depth_00108.png 518.8579 +/student_lounge_0001/rgb_00001.jpg /student_lounge_0001/sync_depth_00001.png 518.8579 +/dining_room_0010/rgb_00080.jpg /dining_room_0010/sync_depth_00080.png 518.8579 +/furniture_store_0001b/rgb_00096.jpg /furniture_store_0001b/sync_depth_00096.png 518.8579 +/bedroom_0138/rgb_00073.jpg /bedroom_0138/sync_depth_00073.png 518.8579 +/office_0009/rgb_00003.jpg /office_0009/sync_depth_00003.png 518.8579 +/kitchen_0003/rgb_00178.jpg /kitchen_0003/sync_depth_00178.png 518.8579 +/living_room_0018/rgb_00204.jpg /living_room_0018/sync_depth_00204.png 518.8579 +/kitchen_0048/rgb_00239.jpg /kitchen_0048/sync_depth_00239.png 518.8579 +/kitchen_0003/rgb_00138.jpg /kitchen_0003/sync_depth_00138.png 518.8579 +/kitchen_0017/rgb_00024.jpg /kitchen_0017/sync_depth_00024.png 518.8579 +/bedroom_0069/rgb_00075.jpg /bedroom_0069/sync_depth_00075.png 518.8579 +/furniture_store_0001b/rgb_00028.jpg /furniture_store_0001b/sync_depth_00028.png 518.8579 +/bookstore_0001e/rgb_00016.jpg /bookstore_0001e/sync_depth_00016.png 518.8579 +/bedroom_0016/rgb_00154.jpg /bedroom_0016/sync_depth_00154.png 518.8579 +/classroom_0006/rgb_00083.jpg /classroom_0006/sync_depth_00083.png 518.8579 +/dining_room_0007/rgb_00086.jpg /dining_room_0007/sync_depth_00086.png 518.8579 +/kitchen_0028b/rgb_00065.jpg /kitchen_0028b/sync_depth_00065.png 518.8579 +/bedroom_0050/rgb_00173.jpg /bedroom_0050/sync_depth_00173.png 518.8579 +/classroom_0006/rgb_00008.jpg /classroom_0006/sync_depth_00008.png 518.8579 +/bookstore_0001d/rgb_00024.jpg /bookstore_0001d/sync_depth_00024.png 518.8579 +/bathroom_0055/rgb_00034.jpg /bathroom_0055/sync_depth_00034.png 518.8579 +/living_room_0040/rgb_00126.jpg /living_room_0040/sync_depth_00126.png 518.8579 +/dining_room_0012/rgb_00103.jpg /dining_room_0012/sync_depth_00103.png 518.8579 +/bedroom_0015/rgb_00049.jpg /bedroom_0015/sync_depth_00049.png 518.8579 +/kitchen_0019a/rgb_00297.jpg /kitchen_0019a/sync_depth_00297.png 518.8579 +/bedroom_0063/rgb_00148.jpg /bedroom_0063/sync_depth_00148.png 518.8579 +/bedroom_0050/rgb_00017.jpg /bedroom_0050/sync_depth_00017.png 518.8579 +/living_room_0085/rgb_00023.jpg /living_room_0085/sync_depth_00023.png 518.8579 +/study_room_0005a/rgb_00009.jpg /study_room_0005a/sync_depth_00009.png 518.8579 +/bedroom_0086/rgb_00008.jpg /bedroom_0086/sync_depth_00008.png 518.8579 +/living_room_0050/rgb_00225.jpg /living_room_0050/sync_depth_00225.png 518.8579 +/classroom_0003/rgb_00009.jpg /classroom_0003/sync_depth_00009.png 518.8579 +/dining_room_0019/rgb_00112.jpg /dining_room_0019/sync_depth_00112.png 518.8579 +/nyu_office_0/rgb_00110.jpg /nyu_office_0/sync_depth_00110.png 518.8579 +/bedroom_0060/rgb_00052.jpg /bedroom_0060/sync_depth_00052.png 518.8579 +/office_0006/rgb_00020.jpg /office_0006/sync_depth_00020.png 518.8579 +/office_kitchen_0003/rgb_00062.jpg /office_kitchen_0003/sync_depth_00062.png 518.8579 +/living_room_0018/rgb_00155.jpg /living_room_0018/sync_depth_00155.png 518.8579 +/kitchen_0029c/rgb_00109.jpg /kitchen_0029c/sync_depth_00109.png 518.8579 +/kitchen_0035a/rgb_00046.jpg /kitchen_0035a/sync_depth_00046.png 518.8579 +/bedroom_0076a/rgb_00288.jpg /bedroom_0076a/sync_depth_00288.png 518.8579 +/kitchen_0043/rgb_00141.jpg /kitchen_0043/sync_depth_00141.png 518.8579 +/bedroom_0056a/rgb_00095.jpg /bedroom_0056a/sync_depth_00095.png 518.8579 +/bedroom_0033/rgb_00041.jpg /bedroom_0033/sync_depth_00041.png 518.8579 +/kitchen_0045a/rgb_00130.jpg /kitchen_0045a/sync_depth_00130.png 518.8579 +/dining_room_0028/rgb_00136.jpg /dining_room_0028/sync_depth_00136.png 518.8579 +/reception_room_0001b/rgb_00080.jpg /reception_room_0001b/sync_depth_00080.png 518.8579 +/bedroom_0004/rgb_00172.jpg /bedroom_0004/sync_depth_00172.png 518.8579 +/classroom_0011/rgb_00042.jpg /classroom_0011/sync_depth_00042.png 518.8579 +/living_room_0062/rgb_00198.jpg /living_room_0062/sync_depth_00198.png 518.8579 +/bedroom_0010/rgb_00127.jpg /bedroom_0010/sync_depth_00127.png 518.8579 +/kitchen_0037/rgb_00006.jpg /kitchen_0037/sync_depth_00006.png 518.8579 +/living_room_0082/rgb_00018.jpg /living_room_0082/sync_depth_00018.png 518.8579 +/living_room_0012/rgb_00053.jpg /living_room_0012/sync_depth_00053.png 518.8579 +/home_office_0013/rgb_00040.jpg /home_office_0013/sync_depth_00040.png 518.8579 +/bathroom_0028/rgb_00173.jpg /bathroom_0028/sync_depth_00173.png 518.8579 +/living_room_0042a/rgb_00032.jpg /living_room_0042a/sync_depth_00032.png 518.8579 +/bedroom_0033/rgb_00161.jpg /bedroom_0033/sync_depth_00161.png 518.8579 +/office_kitchen_0003/rgb_00023.jpg /office_kitchen_0003/sync_depth_00023.png 518.8579 +/dining_room_0015/rgb_00196.jpg /dining_room_0015/sync_depth_00196.png 518.8579 +/bedroom_0026/rgb_00105.jpg /bedroom_0026/sync_depth_00105.png 518.8579 +/living_room_0005/rgb_00118.jpg /living_room_0005/sync_depth_00118.png 518.8579 +/kitchen_0017/rgb_00079.jpg /kitchen_0017/sync_depth_00079.png 518.8579 +/kitchen_0035b/rgb_00271.jpg /kitchen_0035b/sync_depth_00271.png 518.8579 +/office_0019/rgb_00044.jpg /office_0019/sync_depth_00044.png 518.8579 +/bedroom_0116/rgb_00010.jpg /bedroom_0116/sync_depth_00010.png 518.8579 +/basement_0001a/rgb_00183.jpg /basement_0001a/sync_depth_00183.png 518.8579 +/living_room_0058/rgb_00048.jpg /living_room_0058/sync_depth_00048.png 518.8579 +/living_room_0020/rgb_00158.jpg /living_room_0020/sync_depth_00158.png 518.8579 +/bathroom_0055/rgb_00006.jpg /bathroom_0055/sync_depth_00006.png 518.8579 +/office_0024/rgb_00049.jpg /office_0024/sync_depth_00049.png 518.8579 +/bedroom_0033/rgb_00112.jpg /bedroom_0033/sync_depth_00112.png 518.8579 +/nyu_office_1/rgb_00036.jpg /nyu_office_1/sync_depth_00036.png 518.8579 +/furniture_store_0002b/rgb_00226.jpg /furniture_store_0002b/sync_depth_00226.png 518.8579 +/bedroom_0050/rgb_00171.jpg /bedroom_0050/sync_depth_00171.png 518.8579 +/kitchen_0016/rgb_00089.jpg /kitchen_0016/sync_depth_00089.png 518.8579 +/bookstore_0001d/rgb_00071.jpg /bookstore_0001d/sync_depth_00071.png 518.8579 +/bathroom_0023/rgb_00014.jpg /bathroom_0023/sync_depth_00014.png 518.8579 +/dining_room_0031/rgb_00349.jpg /dining_room_0031/sync_depth_00349.png 518.8579 +/bedroom_0136/rgb_00068.jpg /bedroom_0136/sync_depth_00068.png 518.8579 +/dining_room_0023/rgb_00083.jpg /dining_room_0023/sync_depth_00083.png 518.8579 +/bedroom_0010/rgb_00005.jpg /bedroom_0010/sync_depth_00005.png 518.8579 +/bedroom_0052/rgb_00173.jpg /bedroom_0052/sync_depth_00173.png 518.8579 +/living_room_0029/rgb_00061.jpg /living_room_0029/sync_depth_00061.png 518.8579 +/living_room_0032/rgb_00027.jpg /living_room_0032/sync_depth_00027.png 518.8579 +/home_office_0005/rgb_00009.jpg /home_office_0005/sync_depth_00009.png 518.8579 +/student_lounge_0001/rgb_00087.jpg /student_lounge_0001/sync_depth_00087.png 518.8579 +/playroom_0003/rgb_00144.jpg /playroom_0003/sync_depth_00144.png 518.8579 +/dining_room_0034/rgb_00021.jpg /dining_room_0034/sync_depth_00021.png 518.8579 +/conference_room_0001/rgb_00022.jpg /conference_room_0001/sync_depth_00022.png 518.8579 +/dining_room_0013/rgb_00029.jpg /dining_room_0013/sync_depth_00029.png 518.8579 +/bathroom_0030/rgb_00012.jpg /bathroom_0030/sync_depth_00012.png 518.8579 +/living_room_0055/rgb_00079.jpg /living_room_0055/sync_depth_00079.png 518.8579 +/bedroom_0124/rgb_00031.jpg /bedroom_0124/sync_depth_00031.png 518.8579 +/bedroom_0104/rgb_00058.jpg /bedroom_0104/sync_depth_00058.png 518.8579 +/furniture_store_0002b/rgb_00037.jpg /furniture_store_0002b/sync_depth_00037.png 518.8579 +/furniture_store_0002b/rgb_00190.jpg /furniture_store_0002b/sync_depth_00190.png 518.8579 +/reception_room_0004/rgb_00013.jpg /reception_room_0004/sync_depth_00013.png 518.8579 +/dining_room_0004/rgb_00103.jpg /dining_room_0004/sync_depth_00103.png 518.8579 +/bedroom_0140/rgb_00005.jpg /bedroom_0140/sync_depth_00005.png 518.8579 +/kitchen_0045a/rgb_00202.jpg /kitchen_0045a/sync_depth_00202.png 518.8579 +/bedroom_0076a/rgb_00174.jpg /bedroom_0076a/sync_depth_00174.png 518.8579 +/kitchen_0059/rgb_00052.jpg /kitchen_0059/sync_depth_00052.png 518.8579 +/bedroom_0041/rgb_00028.jpg /bedroom_0041/sync_depth_00028.png 518.8579 +/bedroom_0076a/rgb_00285.jpg /bedroom_0076a/sync_depth_00285.png 518.8579 +/office_0026/rgb_00107.jpg /office_0026/sync_depth_00107.png 518.8579 +/bookstore_0001h/rgb_00107.jpg /bookstore_0001h/sync_depth_00107.png 518.8579 +/nyu_office_1/rgb_00098.jpg /nyu_office_1/sync_depth_00098.png 518.8579 +/living_room_0022/rgb_00198.jpg /living_room_0022/sync_depth_00198.png 518.8579 +/bedroom_0067b/rgb_00001.jpg /bedroom_0067b/sync_depth_00001.png 518.8579 +/bedroom_0020/rgb_00086.jpg /bedroom_0020/sync_depth_00086.png 518.8579 +/living_room_0039/rgb_00159.jpg /living_room_0039/sync_depth_00159.png 518.8579 +/conference_room_0001/rgb_00131.jpg /conference_room_0001/sync_depth_00131.png 518.8579 +/living_room_0012/rgb_00203.jpg /living_room_0012/sync_depth_00203.png 518.8579 +/nyu_office_0/rgb_00008.jpg /nyu_office_0/sync_depth_00008.png 518.8579 +/classroom_0005/rgb_00048.jpg /classroom_0005/sync_depth_00048.png 518.8579 +/nyu_office_0/rgb_00382.jpg /nyu_office_0/sync_depth_00382.png 518.8579 +/furniture_store_0001f/rgb_00002.jpg /furniture_store_0001f/sync_depth_00002.png 518.8579 +/kitchen_0045a/rgb_00157.jpg /kitchen_0045a/sync_depth_00157.png 518.8579 +/nyu_office_0/rgb_00136.jpg /nyu_office_0/sync_depth_00136.png 518.8579 +/living_room_0005/rgb_00163.jpg /living_room_0005/sync_depth_00163.png 518.8579 +/dining_room_0031/rgb_00186.jpg /dining_room_0031/sync_depth_00186.png 518.8579 +/living_room_0020/rgb_00003.jpg /living_room_0020/sync_depth_00003.png 518.8579 +/kitchen_0052/rgb_00119.jpg /kitchen_0052/sync_depth_00119.png 518.8579 +/office_kitchen_0003/rgb_00043.jpg /office_kitchen_0003/sync_depth_00043.png 518.8579 +/bedroom_0021/rgb_00089.jpg /bedroom_0021/sync_depth_00089.png 518.8579 +/living_room_0063/rgb_00175.jpg /living_room_0063/sync_depth_00175.png 518.8579 +/bookstore_0001f/rgb_00432.jpg /bookstore_0001f/sync_depth_00432.png 518.8579 +/living_room_0020/rgb_00145.jpg /living_room_0020/sync_depth_00145.png 518.8579 +/bookstore_0001f/rgb_00156.jpg /bookstore_0001f/sync_depth_00156.png 518.8579 +/nyu_office_0/rgb_00400.jpg /nyu_office_0/sync_depth_00400.png 518.8579 +/bedroom_0074/rgb_00066.jpg /bedroom_0074/sync_depth_00066.png 518.8579 +/living_room_0046b/rgb_00042.jpg /living_room_0046b/sync_depth_00042.png 518.8579 +/kitchen_0028a/rgb_00084.jpg /kitchen_0028a/sync_depth_00084.png 518.8579 +/student_lounge_0001/rgb_00103.jpg /student_lounge_0001/sync_depth_00103.png 518.8579 +/furniture_store_0002a/rgb_00398.jpg /furniture_store_0002a/sync_depth_00398.png 518.8579 +/bedroom_0053/rgb_00075.jpg /bedroom_0053/sync_depth_00075.png 518.8579 +/kitchen_0029c/rgb_00029.jpg /kitchen_0029c/sync_depth_00029.png 518.8579 +/bedroom_0004/rgb_00038.jpg /bedroom_0004/sync_depth_00038.png 518.8579 +/bookstore_0001f/rgb_00419.jpg /bookstore_0001f/sync_depth_00419.png 518.8579 +/dining_room_0034/rgb_00104.jpg /dining_room_0034/sync_depth_00104.png 518.8579 +/office_0003/rgb_00041.jpg /office_0003/sync_depth_00041.png 518.8579 +/living_room_0046b/rgb_00110.jpg /living_room_0046b/sync_depth_00110.png 518.8579 +/basement_0001b/rgb_00043.jpg /basement_0001b/sync_depth_00043.png 518.8579 +/classroom_0006/rgb_00197.jpg /classroom_0006/sync_depth_00197.png 518.8579 +/living_room_0022/rgb_00033.jpg /living_room_0022/sync_depth_00033.png 518.8579 +/kitchen_0029a/rgb_00011.jpg /kitchen_0029a/sync_depth_00011.png 518.8579 +/living_room_0068/rgb_00009.jpg /living_room_0068/sync_depth_00009.png 518.8579 +/kitchen_0003/rgb_00106.jpg /kitchen_0003/sync_depth_00106.png 518.8579 +/living_room_0022/rgb_00145.jpg /living_room_0022/sync_depth_00145.png 518.8579 +/living_room_0022/rgb_00233.jpg /living_room_0022/sync_depth_00233.png 518.8579 +/office_0018/rgb_00045.jpg /office_0018/sync_depth_00045.png 518.8579 +/bookstore_0001i/rgb_00034.jpg /bookstore_0001i/sync_depth_00034.png 518.8579 +/dining_room_0012/rgb_00150.jpg /dining_room_0012/sync_depth_00150.png 518.8579 +/bedroom_0086/rgb_00116.jpg /bedroom_0086/sync_depth_00116.png 518.8579 +/living_room_0038/rgb_00021.jpg /living_room_0038/sync_depth_00021.png 518.8579 +/bookstore_0001d/rgb_00207.jpg /bookstore_0001d/sync_depth_00207.png 518.8579 +/dining_room_0001b/rgb_00200.jpg /dining_room_0001b/sync_depth_00200.png 518.8579 +/bedroom_0026/rgb_00083.jpg /bedroom_0026/sync_depth_00083.png 518.8579 +/bathroom_0019/rgb_00025.jpg /bathroom_0019/sync_depth_00025.png 518.8579 +/living_room_0012/rgb_00082.jpg /living_room_0012/sync_depth_00082.png 518.8579 +/dining_room_0001b/rgb_00170.jpg /dining_room_0001b/sync_depth_00170.png 518.8579 +/living_room_0011/rgb_00093.jpg /living_room_0011/sync_depth_00093.png 518.8579 +/furniture_store_0002b/rgb_00098.jpg /furniture_store_0002b/sync_depth_00098.png 518.8579 +/bathroom_0013/rgb_00017.jpg /bathroom_0013/sync_depth_00017.png 518.8579 +/living_room_0058/rgb_00058.jpg /living_room_0058/sync_depth_00058.png 518.8579 +/bedroom_0017/rgb_00130.jpg /bedroom_0017/sync_depth_00130.png 518.8579 +/living_room_0039/rgb_00154.jpg /living_room_0039/sync_depth_00154.png 518.8579 +/kitchen_0033/rgb_00181.jpg /kitchen_0033/sync_depth_00181.png 518.8579 +/kitchen_0035b/rgb_00248.jpg /kitchen_0035b/sync_depth_00248.png 518.8579 +/computer_lab_0002/rgb_00027.jpg /computer_lab_0002/sync_depth_00027.png 518.8579 +/kitchen_0028a/rgb_00083.jpg /kitchen_0028a/sync_depth_00083.png 518.8579 +/furniture_store_0002a/rgb_00380.jpg /furniture_store_0002a/sync_depth_00380.png 518.8579 +/dining_room_0014/rgb_00124.jpg /dining_room_0014/sync_depth_00124.png 518.8579 +/kitchen_0059/rgb_00067.jpg /kitchen_0059/sync_depth_00067.png 518.8579 +/living_room_0010/rgb_00209.jpg /living_room_0010/sync_depth_00209.png 518.8579 +/living_room_0022/rgb_00368.jpg /living_room_0022/sync_depth_00368.png 518.8579 +/bedroom_0010/rgb_00015.jpg /bedroom_0010/sync_depth_00015.png 518.8579 +/living_room_0070/rgb_00045.jpg /living_room_0070/sync_depth_00045.png 518.8579 +/study_room_0004/rgb_00053.jpg /study_room_0004/sync_depth_00053.png 518.8579 +/bedroom_0113/rgb_00112.jpg /bedroom_0113/sync_depth_00112.png 518.8579 +/bedroom_0016/rgb_00177.jpg /bedroom_0016/sync_depth_00177.png 518.8579 +/reception_room_0001b/rgb_00058.jpg /reception_room_0001b/sync_depth_00058.png 518.8579 +/study_room_0004/rgb_00024.jpg /study_room_0004/sync_depth_00024.png 518.8579 +/furniture_store_0001e/rgb_00018.jpg /furniture_store_0001e/sync_depth_00018.png 518.8579 +/bedroom_0051/rgb_00190.jpg /bedroom_0051/sync_depth_00190.png 518.8579 +/dining_room_0033/rgb_00043.jpg /dining_room_0033/sync_depth_00043.png 518.8579 +/bedroom_0063/rgb_00000.jpg /bedroom_0063/sync_depth_00000.png 518.8579 +/kitchen_0051/rgb_00091.jpg /kitchen_0051/sync_depth_00091.png 518.8579 +/playroom_0003/rgb_00111.jpg /playroom_0003/sync_depth_00111.png 518.8579 +/bedroom_0107/rgb_00052.jpg /bedroom_0107/sync_depth_00052.png 518.8579 +/kitchen_0035b/rgb_00241.jpg /kitchen_0035b/sync_depth_00241.png 518.8579 +/office_kitchen_0003/rgb_00130.jpg /office_kitchen_0003/sync_depth_00130.png 518.8579 +/kitchen_0016/rgb_00078.jpg /kitchen_0016/sync_depth_00078.png 518.8579 +/bedroom_0069/rgb_00111.jpg /bedroom_0069/sync_depth_00111.png 518.8579 +/living_room_0055/rgb_00085.jpg /living_room_0055/sync_depth_00085.png 518.8579 +/kitchen_0048/rgb_00227.jpg /kitchen_0048/sync_depth_00227.png 518.8579 +/bathroom_0002/rgb_00021.jpg /bathroom_0002/sync_depth_00021.png 518.8579 +/dining_room_0029/rgb_00127.jpg /dining_room_0029/sync_depth_00127.png 518.8579 +/dining_room_0031/rgb_00304.jpg /dining_room_0031/sync_depth_00304.png 518.8579 +/home_office_0005/rgb_00000.jpg /home_office_0005/sync_depth_00000.png 518.8579 +/furniture_store_0001a/rgb_00024.jpg /furniture_store_0001a/sync_depth_00024.png 518.8579 +/bathroom_0019/rgb_00087.jpg /bathroom_0019/sync_depth_00087.png 518.8579 +/bedroom_0010/rgb_00041.jpg /bedroom_0010/sync_depth_00041.png 518.8579 +/kitchen_0035b/rgb_00288.jpg /kitchen_0035b/sync_depth_00288.png 518.8579 +/playroom_0003/rgb_00141.jpg /playroom_0003/sync_depth_00141.png 518.8579 +/living_room_0010/rgb_00051.jpg /living_room_0010/sync_depth_00051.png 518.8579 +/dining_room_0013/rgb_00180.jpg /dining_room_0013/sync_depth_00180.png 518.8579 +/office_0011/rgb_00004.jpg /office_0011/sync_depth_00004.png 518.8579 +/furniture_store_0001e/rgb_00059.jpg /furniture_store_0001e/sync_depth_00059.png 518.8579 +/bedroom_0120/rgb_00016.jpg /bedroom_0120/sync_depth_00016.png 518.8579 +/living_room_0020/rgb_00202.jpg /living_room_0020/sync_depth_00202.png 518.8579 +/bedroom_0140/rgb_00015.jpg /bedroom_0140/sync_depth_00015.png 518.8579 +/home_office_0006/rgb_00064.jpg /home_office_0006/sync_depth_00064.png 518.8579 +/bedroom_0051/rgb_00005.jpg /bedroom_0051/sync_depth_00005.png 518.8579 +/bedroom_0078/rgb_00111.jpg /bedroom_0078/sync_depth_00111.png 518.8579 +/dining_room_0016/rgb_00209.jpg /dining_room_0016/sync_depth_00209.png 518.8579 +/kitchen_0028a/rgb_00019.jpg /kitchen_0028a/sync_depth_00019.png 518.8579 +/classroom_0006/rgb_00022.jpg /classroom_0006/sync_depth_00022.png 518.8579 +/kitchen_0047/rgb_00023.jpg /kitchen_0047/sync_depth_00023.png 518.8579 +/office_0026/rgb_00153.jpg /office_0026/sync_depth_00153.png 518.8579 +/living_room_0082/rgb_00005.jpg /living_room_0082/sync_depth_00005.png 518.8579 +/conference_room_0001/rgb_00089.jpg /conference_room_0001/sync_depth_00089.png 518.8579 +/office_kitchen_0001b/rgb_00046.jpg /office_kitchen_0001b/sync_depth_00046.png 518.8579 +/home_office_0004/rgb_00100.jpg /home_office_0004/sync_depth_00100.png 518.8579 +/kitchen_0053/rgb_00153.jpg /kitchen_0053/sync_depth_00153.png 518.8579 +/kitchen_0050/rgb_00048.jpg /kitchen_0050/sync_depth_00048.png 518.8579 +/dining_room_0015/rgb_00280.jpg /dining_room_0015/sync_depth_00280.png 518.8579 +/dining_room_0028/rgb_00066.jpg /dining_room_0028/sync_depth_00066.png 518.8579 +/dining_room_0015/rgb_00052.jpg /dining_room_0015/sync_depth_00052.png 518.8579 +/furniture_store_0002d/rgb_00046.jpg /furniture_store_0002d/sync_depth_00046.png 518.8579 +/living_room_0040/rgb_00046.jpg /living_room_0040/sync_depth_00046.png 518.8579 +/bedroom_0004/rgb_00165.jpg /bedroom_0004/sync_depth_00165.png 518.8579 +/kitchen_0045a/rgb_00076.jpg /kitchen_0045a/sync_depth_00076.png 518.8579 +/living_room_0078/rgb_00091.jpg /living_room_0078/sync_depth_00091.png 518.8579 +/student_lounge_0001/rgb_00192.jpg /student_lounge_0001/sync_depth_00192.png 518.8579 +/reception_room_0002/rgb_00098.jpg /reception_room_0002/sync_depth_00098.png 518.8579 +/printer_room_0001/rgb_00023.jpg /printer_room_0001/sync_depth_00023.png 518.8579 +/classroom_0006/rgb_00055.jpg /classroom_0006/sync_depth_00055.png 518.8579 +/reception_room_0001a/rgb_00080.jpg /reception_room_0001a/sync_depth_00080.png 518.8579 +/reception_room_0002/rgb_00157.jpg /reception_room_0002/sync_depth_00157.png 518.8579 +/dining_room_0031/rgb_00200.jpg /dining_room_0031/sync_depth_00200.png 518.8579 +/bedroom_0125b/rgb_00000.jpg /bedroom_0125b/sync_depth_00000.png 518.8579 +/furniture_store_0002b/rgb_00096.jpg /furniture_store_0002b/sync_depth_00096.png 518.8579 +/bathroom_0023/rgb_00011.jpg /bathroom_0023/sync_depth_00011.png 518.8579 +/kitchen_0003/rgb_00057.jpg /kitchen_0003/sync_depth_00057.png 518.8579 +/bookstore_0001d/rgb_00292.jpg /bookstore_0001d/sync_depth_00292.png 518.8579 +/living_room_0082/rgb_00034.jpg /living_room_0082/sync_depth_00034.png 518.8579 +/dining_room_0034/rgb_00212.jpg /dining_room_0034/sync_depth_00212.png 518.8579 +/bedroom_0056a/rgb_00067.jpg /bedroom_0056a/sync_depth_00067.png 518.8579 +/bedroom_0025/rgb_00110.jpg /bedroom_0025/sync_depth_00110.png 518.8579 +/study_room_0004/rgb_00103.jpg /study_room_0004/sync_depth_00103.png 518.8579 +/living_room_0022/rgb_00002.jpg /living_room_0022/sync_depth_00002.png 518.8579 +/living_room_0022/rgb_00032.jpg /living_room_0022/sync_depth_00032.png 518.8579 +/bedroom_0052/rgb_00033.jpg /bedroom_0052/sync_depth_00033.png 518.8579 +/classroom_0016/rgb_00065.jpg /classroom_0016/sync_depth_00065.png 518.8579 +/living_room_0078/rgb_00093.jpg /living_room_0078/sync_depth_00093.png 518.8579 +/home_office_0004/rgb_00109.jpg /home_office_0004/sync_depth_00109.png 518.8579 +/playroom_0002/rgb_00016.jpg /playroom_0002/sync_depth_00016.png 518.8579 +/nyu_office_0/rgb_00181.jpg /nyu_office_0/sync_depth_00181.png 518.8579 +/bedroom_0100/rgb_00043.jpg /bedroom_0100/sync_depth_00043.png 518.8579 +/furniture_store_0002a/rgb_00078.jpg /furniture_store_0002a/sync_depth_00078.png 518.8579 +/bedroom_0025/rgb_00006.jpg /bedroom_0025/sync_depth_00006.png 518.8579 +/living_room_0011/rgb_00046.jpg /living_room_0011/sync_depth_00046.png 518.8579 +/kitchen_0031/rgb_00125.jpg /kitchen_0031/sync_depth_00125.png 518.8579 +/living_room_0019/rgb_00108.jpg /living_room_0019/sync_depth_00108.png 518.8579 +/living_room_0019/rgb_00067.jpg /living_room_0019/sync_depth_00067.png 518.8579 +/kitchen_0011a/rgb_00136.jpg /kitchen_0011a/sync_depth_00136.png 518.8579 +/bathroom_0051/rgb_00029.jpg /bathroom_0051/sync_depth_00029.png 518.8579 +/living_room_0058/rgb_00264.jpg /living_room_0058/sync_depth_00264.png 518.8579 +/bedroom_0056a/rgb_00083.jpg /bedroom_0056a/sync_depth_00083.png 518.8579 +/bedroom_0012/rgb_00069.jpg /bedroom_0012/sync_depth_00069.png 518.8579 +/dining_room_0023/rgb_00048.jpg /dining_room_0023/sync_depth_00048.png 518.8579 +/dining_room_0031/rgb_00256.jpg /dining_room_0031/sync_depth_00256.png 518.8579 +/laundry_room_0001/rgb_00029.jpg /laundry_room_0001/sync_depth_00029.png 518.8579 +/office_0006/rgb_00052.jpg /office_0006/sync_depth_00052.png 518.8579 +/reception_room_0002/rgb_00037.jpg /reception_room_0002/sync_depth_00037.png 518.8579 +/bedroom_0074/rgb_00127.jpg /bedroom_0074/sync_depth_00127.png 518.8579 +/bedroom_0106/rgb_00112.jpg /bedroom_0106/sync_depth_00112.png 518.8579 +/kitchen_0037/rgb_00033.jpg /kitchen_0037/sync_depth_00033.png 518.8579 +/living_room_0005/rgb_00052.jpg /living_room_0005/sync_depth_00052.png 518.8579 +/kitchen_0037/rgb_00063.jpg /kitchen_0037/sync_depth_00063.png 518.8579 +/kitchen_0010/rgb_00032.jpg /kitchen_0010/sync_depth_00032.png 518.8579 +/bedroom_0017/rgb_00037.jpg /bedroom_0017/sync_depth_00037.png 518.8579 +/living_room_0062/rgb_00010.jpg /living_room_0062/sync_depth_00010.png 518.8579 +/bedroom_0136/rgb_00019.jpg /bedroom_0136/sync_depth_00019.png 518.8579 +/cafe_0001b/rgb_00045.jpg /cafe_0001b/sync_depth_00045.png 518.8579 +/living_room_0062/rgb_00182.jpg /living_room_0062/sync_depth_00182.png 518.8579 +/dining_room_0015/rgb_00012.jpg /dining_room_0015/sync_depth_00012.png 518.8579 +/furniture_store_0002b/rgb_00031.jpg /furniture_store_0002b/sync_depth_00031.png 518.8579 +/kitchen_0052/rgb_00025.jpg /kitchen_0052/sync_depth_00025.png 518.8579 +/dining_room_0033/rgb_00013.jpg /dining_room_0033/sync_depth_00013.png 518.8579 +/living_room_0063/rgb_00140.jpg /living_room_0063/sync_depth_00140.png 518.8579 +/bedroom_0062/rgb_00053.jpg /bedroom_0062/sync_depth_00053.png 518.8579 +/bedroom_0033/rgb_00037.jpg /bedroom_0033/sync_depth_00037.png 518.8579 +/bedroom_0086/rgb_00007.jpg /bedroom_0086/sync_depth_00007.png 518.8579 +/kitchen_0037/rgb_00047.jpg /kitchen_0037/sync_depth_00047.png 518.8579 +/living_room_0029/rgb_00084.jpg /living_room_0029/sync_depth_00084.png 518.8579 +/kitchen_0048/rgb_00179.jpg /kitchen_0048/sync_depth_00179.png 518.8579 +/office_0011/rgb_00048.jpg /office_0011/sync_depth_00048.png 518.8579 +/living_room_0078/rgb_00054.jpg /living_room_0078/sync_depth_00054.png 518.8579 +/living_room_0063/rgb_00159.jpg /living_room_0063/sync_depth_00159.png 518.8579 +/bedroom_0033/rgb_00146.jpg /bedroom_0033/sync_depth_00146.png 518.8579 +/office_kitchen_0003/rgb_00017.jpg /office_kitchen_0003/sync_depth_00017.png 518.8579 +/dining_room_0019/rgb_00083.jpg /dining_room_0019/sync_depth_00083.png 518.8579 +/bookstore_0001e/rgb_00188.jpg /bookstore_0001e/sync_depth_00188.png 518.8579 +/classroom_0003/rgb_00081.jpg /classroom_0003/sync_depth_00081.png 518.8579 +/study_room_0004/rgb_00126.jpg /study_room_0004/sync_depth_00126.png 518.8579 +/bedroom_0017/rgb_00069.jpg /bedroom_0017/sync_depth_00069.png 518.8579 +/dining_room_0010/rgb_00070.jpg /dining_room_0010/sync_depth_00070.png 518.8579 +/bathroom_0048/rgb_00094.jpg /bathroom_0048/sync_depth_00094.png 518.8579 +/bookstore_0001d/rgb_00193.jpg /bookstore_0001d/sync_depth_00193.png 518.8579 +/classroom_0004/rgb_00103.jpg /classroom_0004/sync_depth_00103.png 518.8579 +/bedroom_0010/rgb_00113.jpg /bedroom_0010/sync_depth_00113.png 518.8579 +/bedroom_0053/rgb_00006.jpg /bedroom_0053/sync_depth_00006.png 518.8579 +/living_room_0046a/rgb_00004.jpg /living_room_0046a/sync_depth_00004.png 518.8579 +/living_room_0004/rgb_00019.jpg /living_room_0004/sync_depth_00019.png 518.8579 +/office_0006/rgb_00145.jpg /office_0006/sync_depth_00145.png 518.8579 +/dining_room_0031/rgb_00146.jpg /dining_room_0031/sync_depth_00146.png 518.8579 +/bookstore_0001e/rgb_00105.jpg /bookstore_0001e/sync_depth_00105.png 518.8579 +/kitchen_0059/rgb_00005.jpg /kitchen_0059/sync_depth_00005.png 518.8579 +/kitchen_0045a/rgb_00163.jpg /kitchen_0045a/sync_depth_00163.png 518.8579 +/bedroom_0052/rgb_00068.jpg /bedroom_0052/sync_depth_00068.png 518.8579 +/living_room_0067/rgb_00033.jpg /living_room_0067/sync_depth_00033.png 518.8579 +/bedroom_0051/rgb_00002.jpg /bedroom_0051/sync_depth_00002.png 518.8579 +/bedroom_0053/rgb_00016.jpg /bedroom_0053/sync_depth_00016.png 518.8579 +/living_room_0012/rgb_00155.jpg /living_room_0012/sync_depth_00155.png 518.8579 +/home_office_0004/rgb_00182.jpg /home_office_0004/sync_depth_00182.png 518.8579 +/bedroom_0051/rgb_00100.jpg /bedroom_0051/sync_depth_00100.png 518.8579 +/furniture_store_0001c/rgb_00013.jpg /furniture_store_0001c/sync_depth_00013.png 518.8579 +/kitchen_0010/rgb_00094.jpg /kitchen_0010/sync_depth_00094.png 518.8579 +/bedroom_0086/rgb_00110.jpg /bedroom_0086/sync_depth_00110.png 518.8579 +/living_room_0082/rgb_00013.jpg /living_room_0082/sync_depth_00013.png 518.8579 +/kitchen_0029b/rgb_00038.jpg /kitchen_0029b/sync_depth_00038.png 518.8579 +/dining_room_0014/rgb_00112.jpg /dining_room_0014/sync_depth_00112.png 518.8579 +/bedroom_0074/rgb_00068.jpg /bedroom_0074/sync_depth_00068.png 518.8579 +/bookstore_0001e/rgb_00004.jpg /bookstore_0001e/sync_depth_00004.png 518.8579 +/living_room_0004/rgb_00102.jpg /living_room_0004/sync_depth_00102.png 518.8579 +/living_room_0078/rgb_00117.jpg /living_room_0078/sync_depth_00117.png 518.8579 +/office_0018/rgb_00004.jpg /office_0018/sync_depth_00004.png 518.8579 +/bedroom_0039/rgb_00012.jpg /bedroom_0039/sync_depth_00012.png 518.8579 +/bedroom_0130/rgb_00052.jpg /bedroom_0130/sync_depth_00052.png 518.8579 +/dining_room_0014/rgb_00115.jpg /dining_room_0014/sync_depth_00115.png 518.8579 +/living_room_0004/rgb_00128.jpg /living_room_0004/sync_depth_00128.png 518.8579 +/bedroom_0129/rgb_00065.jpg /bedroom_0129/sync_depth_00065.png 518.8579 +/bathroom_0041/rgb_00034.jpg /bathroom_0041/sync_depth_00034.png 518.8579 +/classroom_0010/rgb_00024.jpg /classroom_0010/sync_depth_00024.png 518.8579 +/dining_room_0019/rgb_00116.jpg /dining_room_0019/sync_depth_00116.png 518.8579 +/living_room_0019/rgb_00161.jpg /living_room_0019/sync_depth_00161.png 518.8579 +/office_0009/rgb_00009.jpg /office_0009/sync_depth_00009.png 518.8579 +/dining_room_0016/rgb_00131.jpg /dining_room_0016/sync_depth_00131.png 518.8579 +/furniture_store_0001d/rgb_00279.jpg /furniture_store_0001d/sync_depth_00279.png 518.8579 +/living_room_0069b/rgb_00078.jpg /living_room_0069b/sync_depth_00078.png 518.8579 +/furniture_store_0001d/rgb_00187.jpg /furniture_store_0001d/sync_depth_00187.png 518.8579 +/home_office_0011/rgb_00027.jpg /home_office_0011/sync_depth_00027.png 518.8579 +/dining_room_0015/rgb_00035.jpg /dining_room_0015/sync_depth_00035.png 518.8579 +/reception_room_0002/rgb_00036.jpg /reception_room_0002/sync_depth_00036.png 518.8579 +/living_room_0004/rgb_00075.jpg /living_room_0004/sync_depth_00075.png 518.8579 +/living_room_0012/rgb_00178.jpg /living_room_0012/sync_depth_00178.png 518.8579 +/furniture_store_0001b/rgb_00098.jpg /furniture_store_0001b/sync_depth_00098.png 518.8579 +/kitchen_0043/rgb_00197.jpg /kitchen_0043/sync_depth_00197.png 518.8579 +/living_room_0058/rgb_00260.jpg /living_room_0058/sync_depth_00260.png 518.8579 +/dining_room_0001b/rgb_00018.jpg /dining_room_0001b/sync_depth_00018.png 518.8579 +/living_room_0078/rgb_00006.jpg /living_room_0078/sync_depth_00006.png 518.8579 +/bedroom_0129/rgb_00019.jpg /bedroom_0129/sync_depth_00019.png 518.8579 +/kitchen_0011b/rgb_00082.jpg /kitchen_0011b/sync_depth_00082.png 518.8579 +/bedroom_0059/rgb_00038.jpg /bedroom_0059/sync_depth_00038.png 518.8579 +/bookstore_0001g/rgb_00107.jpg /bookstore_0001g/sync_depth_00107.png 518.8579 +/dining_room_0015/rgb_00166.jpg /dining_room_0015/sync_depth_00166.png 518.8579 +/bedroom_0062/rgb_00095.jpg /bedroom_0062/sync_depth_00095.png 518.8579 +/playroom_0006/rgb_00142.jpg /playroom_0006/sync_depth_00142.png 518.8579 +/bedroom_0045/rgb_00002.jpg /bedroom_0045/sync_depth_00002.png 518.8579 +/living_room_0040/rgb_00199.jpg /living_room_0040/sync_depth_00199.png 518.8579 +/bedroom_0056b/rgb_00024.jpg /bedroom_0056b/sync_depth_00024.png 518.8579 +/living_room_0005/rgb_00134.jpg /living_room_0005/sync_depth_00134.png 518.8579 +/kitchen_0028a/rgb_00180.jpg /kitchen_0028a/sync_depth_00180.png 518.8579 +/bedroom_0063/rgb_00069.jpg /bedroom_0063/sync_depth_00069.png 518.8579 +/nyu_office_0/rgb_00248.jpg /nyu_office_0/sync_depth_00248.png 518.8579 +/foyer_0002/rgb_00006.jpg /foyer_0002/sync_depth_00006.png 518.8579 +/kitchen_0060/rgb_00126.jpg /kitchen_0060/sync_depth_00126.png 518.8579 +/living_room_0039/rgb_00142.jpg /living_room_0039/sync_depth_00142.png 518.8579 +/kitchen_0019a/rgb_00201.jpg /kitchen_0019a/sync_depth_00201.png 518.8579 +/bedroom_0014/rgb_00024.jpg /bedroom_0014/sync_depth_00024.png 518.8579 +/living_room_0029/rgb_00068.jpg /living_room_0029/sync_depth_00068.png 518.8579 +/dining_room_0033/rgb_00093.jpg /dining_room_0033/sync_depth_00093.png 518.8579 +/kitchen_0031/rgb_00079.jpg /kitchen_0031/sync_depth_00079.png 518.8579 +/kitchen_0060/rgb_00097.jpg /kitchen_0060/sync_depth_00097.png 518.8579 +/bedroom_0076a/rgb_00053.jpg /bedroom_0076a/sync_depth_00053.png 518.8579 +/dining_room_0007/rgb_00022.jpg /dining_room_0007/sync_depth_00022.png 518.8579 +/bedroom_0053/rgb_00029.jpg /bedroom_0053/sync_depth_00029.png 518.8579 +/living_room_0055/rgb_00068.jpg /living_room_0055/sync_depth_00068.png 518.8579 +/dining_room_0023/rgb_00045.jpg /dining_room_0023/sync_depth_00045.png 518.8579 +/living_room_0047a/rgb_00035.jpg /living_room_0047a/sync_depth_00035.png 518.8579 +/bedroom_0004/rgb_00076.jpg /bedroom_0004/sync_depth_00076.png 518.8579 +/living_room_0018/rgb_00175.jpg /living_room_0018/sync_depth_00175.png 518.8579 +/bathroom_0024/rgb_00043.jpg /bathroom_0024/sync_depth_00043.png 518.8579 +/kitchen_0052/rgb_00160.jpg /kitchen_0052/sync_depth_00160.png 518.8579 +/kitchen_0010/rgb_00073.jpg /kitchen_0010/sync_depth_00073.png 518.8579 +/living_room_0040/rgb_00003.jpg /living_room_0040/sync_depth_00003.png 518.8579 +/dining_room_0034/rgb_00040.jpg /dining_room_0034/sync_depth_00040.png 518.8579 +/home_storage_0001/rgb_00095.jpg /home_storage_0001/sync_depth_00095.png 518.8579 +/bedroom_0034/rgb_00125.jpg /bedroom_0034/sync_depth_00125.png 518.8579 +/bathroom_0014a/rgb_00011.jpg /bathroom_0014a/sync_depth_00011.png 518.8579 +/kitchen_0047/rgb_00056.jpg /kitchen_0047/sync_depth_00056.png 518.8579 +/bathroom_0048/rgb_00014.jpg /bathroom_0048/sync_depth_00014.png 518.8579 +/basement_0001a/rgb_00114.jpg /basement_0001a/sync_depth_00114.png 518.8579 +/dining_room_0031/rgb_00288.jpg /dining_room_0031/sync_depth_00288.png 518.8579 +/living_room_0083/rgb_00071.jpg /living_room_0083/sync_depth_00071.png 518.8579 +/home_office_0004/rgb_00013.jpg /home_office_0004/sync_depth_00013.png 518.8579 +/nyu_office_0/rgb_00018.jpg /nyu_office_0/sync_depth_00018.png 518.8579 +/basement_0001a/rgb_00196.jpg /basement_0001a/sync_depth_00196.png 518.8579 +/bedroom_0129/rgb_00033.jpg /bedroom_0129/sync_depth_00033.png 518.8579 +/bedroom_0074/rgb_00014.jpg /bedroom_0074/sync_depth_00014.png 518.8579 +/bedroom_0066/rgb_00045.jpg /bedroom_0066/sync_depth_00045.png 518.8579 +/bedroom_0132/rgb_00009.jpg /bedroom_0132/sync_depth_00009.png 518.8579 +/living_room_0018/rgb_00076.jpg /living_room_0018/sync_depth_00076.png 518.8579 +/office_0011/rgb_00161.jpg /office_0011/sync_depth_00161.png 518.8579 +/bedroom_0138/rgb_00006.jpg /bedroom_0138/sync_depth_00006.png 518.8579 +/furniture_store_0002a/rgb_00139.jpg /furniture_store_0002a/sync_depth_00139.png 518.8579 +/bookstore_0001d/rgb_00043.jpg /bookstore_0001d/sync_depth_00043.png 518.8579 +/living_room_0047b/rgb_00173.jpg /living_room_0047b/sync_depth_00173.png 518.8579 +/dining_room_0019/rgb_00150.jpg /dining_room_0019/sync_depth_00150.png 518.8579 +/classroom_0011/rgb_00015.jpg /classroom_0011/sync_depth_00015.png 518.8579 +/kitchen_0035a/rgb_00004.jpg /kitchen_0035a/sync_depth_00004.png 518.8579 +/kitchen_0043/rgb_00096.jpg /kitchen_0043/sync_depth_00096.png 518.8579 +/living_room_0004/rgb_00109.jpg /living_room_0004/sync_depth_00109.png 518.8579 +/study_room_0005a/rgb_00043.jpg /study_room_0005a/sync_depth_00043.png 518.8579 +/office_0026/rgb_00191.jpg /office_0026/sync_depth_00191.png 518.8579 +/bathroom_0041/rgb_00057.jpg /bathroom_0041/sync_depth_00057.png 518.8579 +/dining_room_0010/rgb_00024.jpg /dining_room_0010/sync_depth_00024.png 518.8579 +/cafe_0001c/rgb_00012.jpg /cafe_0001c/sync_depth_00012.png 518.8579 +/furniture_store_0001d/rgb_00031.jpg /furniture_store_0001d/sync_depth_00031.png 518.8579 +/living_room_0022/rgb_00340.jpg /living_room_0022/sync_depth_00340.png 518.8579 +/kitchen_0028b/rgb_00050.jpg /kitchen_0028b/sync_depth_00050.png 518.8579 +/bathroom_0028/rgb_00159.jpg /bathroom_0028/sync_depth_00159.png 518.8579 +/kitchen_0019a/rgb_00221.jpg /kitchen_0019a/sync_depth_00221.png 518.8579 +/office_0023/rgb_00047.jpg /office_0023/sync_depth_00047.png 518.8579 +/living_room_0022/rgb_00101.jpg /living_room_0022/sync_depth_00101.png 518.8579 +/dining_room_0007/rgb_00156.jpg /dining_room_0007/sync_depth_00156.png 518.8579 +/bookstore_0001j/rgb_00018.jpg /bookstore_0001j/sync_depth_00018.png 518.8579 +/nyu_office_1/rgb_00092.jpg /nyu_office_1/sync_depth_00092.png 518.8579 +/kitchen_0035b/rgb_00262.jpg /kitchen_0035b/sync_depth_00262.png 518.8579 +/bedroom_0004/rgb_00186.jpg /bedroom_0004/sync_depth_00186.png 518.8579 +/dining_room_0004/rgb_00065.jpg /dining_room_0004/sync_depth_00065.png 518.8579 +/bedroom_0076a/rgb_00034.jpg /bedroom_0076a/sync_depth_00034.png 518.8579 +/living_room_0069b/rgb_00003.jpg /living_room_0069b/sync_depth_00003.png 518.8579 +/kitchen_0053/rgb_00059.jpg /kitchen_0053/sync_depth_00059.png 518.8579 +/bedroom_0069/rgb_00009.jpg /bedroom_0069/sync_depth_00009.png 518.8579 +/bedroom_0034/rgb_00015.jpg /bedroom_0034/sync_depth_00015.png 518.8579 +/kitchen_0017/rgb_00058.jpg /kitchen_0017/sync_depth_00058.png 518.8579 +/bookstore_0001f/rgb_00251.jpg /bookstore_0001f/sync_depth_00251.png 518.8579 +/bookstore_0001j/rgb_00207.jpg /bookstore_0001j/sync_depth_00207.png 518.8579 +/bedroom_0052/rgb_00067.jpg /bedroom_0052/sync_depth_00067.png 518.8579 +/kitchen_0048/rgb_00052.jpg /kitchen_0048/sync_depth_00052.png 518.8579 +/kitchen_0045b/rgb_00047.jpg /kitchen_0045b/sync_depth_00047.png 518.8579 +/bedroom_0021/rgb_00013.jpg /bedroom_0021/sync_depth_00013.png 518.8579 +/dining_room_0001b/rgb_00172.jpg /dining_room_0001b/sync_depth_00172.png 518.8579 +/kitchen_0051/rgb_00014.jpg /kitchen_0051/sync_depth_00014.png 518.8579 +/living_room_0046a/rgb_00092.jpg /living_room_0046a/sync_depth_00092.png 518.8579 +/classroom_0010/rgb_00040.jpg /classroom_0010/sync_depth_00040.png 518.8579 +/kitchen_0049/rgb_00055.jpg /kitchen_0049/sync_depth_00055.png 518.8579 +/bathroom_0013/rgb_00028.jpg /bathroom_0013/sync_depth_00028.png 518.8579 +/basement_0001a/rgb_00027.jpg /basement_0001a/sync_depth_00027.png 518.8579 +/bedroom_0060/rgb_00065.jpg /bedroom_0060/sync_depth_00065.png 518.8579 +/kitchen_0003/rgb_00132.jpg /kitchen_0003/sync_depth_00132.png 518.8579 +/dining_room_0019/rgb_00010.jpg /dining_room_0019/sync_depth_00010.png 518.8579 +/living_room_0042b/rgb_00061.jpg /living_room_0042b/sync_depth_00061.png 518.8579 +/furniture_store_0001d/rgb_00249.jpg /furniture_store_0001d/sync_depth_00249.png 518.8579 +/bedroom_0057/rgb_00036.jpg /bedroom_0057/sync_depth_00036.png 518.8579 +/home_office_0011/rgb_00017.jpg /home_office_0011/sync_depth_00017.png 518.8579 +/bedroom_0086/rgb_00128.jpg /bedroom_0086/sync_depth_00128.png 518.8579 +/dining_room_0029/rgb_00044.jpg /dining_room_0029/sync_depth_00044.png 518.8579 +/dining_room_0034/rgb_00170.jpg /dining_room_0034/sync_depth_00170.png 518.8579 +/bathroom_0034/rgb_00015.jpg /bathroom_0034/sync_depth_00015.png 518.8579 +/home_office_0011/rgb_00002.jpg /home_office_0011/sync_depth_00002.png 518.8579 +/bedroom_0071/rgb_00114.jpg /bedroom_0071/sync_depth_00114.png 518.8579 +/dining_room_0033/rgb_00070.jpg /dining_room_0033/sync_depth_00070.png 518.8579 +/home_office_0013/rgb_00050.jpg /home_office_0013/sync_depth_00050.png 518.8579 +/bedroom_0060/rgb_00010.jpg /bedroom_0060/sync_depth_00010.png 518.8579 +/kitchen_0003/rgb_00126.jpg /kitchen_0003/sync_depth_00126.png 518.8579 +/bedroom_0097/rgb_00027.jpg /bedroom_0097/sync_depth_00027.png 518.8579 +/bedroom_0136/rgb_00099.jpg /bedroom_0136/sync_depth_00099.png 518.8579 +/kitchen_0060/rgb_00127.jpg /kitchen_0060/sync_depth_00127.png 518.8579 +/bedroom_0126/rgb_00016.jpg /bedroom_0126/sync_depth_00016.png 518.8579 +/kitchen_0043/rgb_00106.jpg /kitchen_0043/sync_depth_00106.png 518.8579 +/kitchen_0035b/rgb_00210.jpg /kitchen_0035b/sync_depth_00210.png 518.8579 +/living_room_0022/rgb_00384.jpg /living_room_0022/sync_depth_00384.png 518.8579 +/kitchen_0028b/rgb_00034.jpg /kitchen_0028b/sync_depth_00034.png 518.8579 +/bedroom_0078/rgb_00162.jpg /bedroom_0078/sync_depth_00162.png 518.8579 +/dining_room_0015/rgb_00137.jpg /dining_room_0015/sync_depth_00137.png 518.8579 +/office_0024/rgb_00061.jpg /office_0024/sync_depth_00061.png 518.8579 +/furniture_store_0002b/rgb_00052.jpg /furniture_store_0002b/sync_depth_00052.png 518.8579 +/home_office_0005/rgb_00070.jpg /home_office_0005/sync_depth_00070.png 518.8579 +/dining_room_0008/rgb_00186.jpg /dining_room_0008/sync_depth_00186.png 518.8579 +/furniture_store_0001e/rgb_00056.jpg /furniture_store_0001e/sync_depth_00056.png 518.8579 +/bedroom_0025/rgb_00097.jpg /bedroom_0025/sync_depth_00097.png 518.8579 +/dining_room_0031/rgb_00274.jpg /dining_room_0031/sync_depth_00274.png 518.8579 +/bookstore_0001j/rgb_00109.jpg /bookstore_0001j/sync_depth_00109.png 518.8579 +/basement_0001a/rgb_00095.jpg /basement_0001a/sync_depth_00095.png 518.8579 +/bookstore_0001j/rgb_00001.jpg /bookstore_0001j/sync_depth_00001.png 518.8579 +/bathroom_0051/rgb_00044.jpg /bathroom_0051/sync_depth_00044.png 518.8579 +/bedroom_0090/rgb_00033.jpg /bedroom_0090/sync_depth_00033.png 518.8579 +/bedroom_0081/rgb_00043.jpg /bedroom_0081/sync_depth_00043.png 518.8579 +/office_0006/rgb_00148.jpg /office_0006/sync_depth_00148.png 518.8579 +/bedroom_0015/rgb_00007.jpg /bedroom_0015/sync_depth_00007.png 518.8579 +/living_room_0055/rgb_00098.jpg /living_room_0055/sync_depth_00098.png 518.8579 +/furniture_store_0002a/rgb_00169.jpg /furniture_store_0002a/sync_depth_00169.png 518.8579 +/dinette_0001/rgb_00013.jpg /dinette_0001/sync_depth_00013.png 518.8579 +/dining_room_0012/rgb_00177.jpg /dining_room_0012/sync_depth_00177.png 518.8579 +/bedroom_0130/rgb_00040.jpg /bedroom_0130/sync_depth_00040.png 518.8579 +/bedroom_0067b/rgb_00024.jpg /bedroom_0067b/sync_depth_00024.png 518.8579 +/bedroom_0056b/rgb_00009.jpg /bedroom_0056b/sync_depth_00009.png 518.8579 +/bedroom_0079/rgb_00006.jpg /bedroom_0079/sync_depth_00006.png 518.8579 +/reception_room_0001b/rgb_00094.jpg /reception_room_0001b/sync_depth_00094.png 518.8579 +/bedroom_0053/rgb_00051.jpg /bedroom_0053/sync_depth_00051.png 518.8579 +/bedroom_0072/rgb_00151.jpg /bedroom_0072/sync_depth_00151.png 518.8579 +/living_room_0046b/rgb_00091.jpg /living_room_0046b/sync_depth_00091.png 518.8579 +/kitchen_0051/rgb_00216.jpg /kitchen_0051/sync_depth_00216.png 518.8579 +/living_room_0040/rgb_00247.jpg /living_room_0040/sync_depth_00247.png 518.8579 +/dining_room_0016/rgb_00070.jpg /dining_room_0016/sync_depth_00070.png 518.8579 +/bedroom_0052/rgb_00180.jpg /bedroom_0052/sync_depth_00180.png 518.8579 +/kitchen_0033/rgb_00189.jpg /kitchen_0033/sync_depth_00189.png 518.8579 +/dining_room_0034/rgb_00187.jpg /dining_room_0034/sync_depth_00187.png 518.8579 +/kitchen_0051/rgb_00050.jpg /kitchen_0051/sync_depth_00050.png 518.8579 +/kitchen_0019a/rgb_00051.jpg /kitchen_0019a/sync_depth_00051.png 518.8579 +/kitchen_0053/rgb_00030.jpg /kitchen_0053/sync_depth_00030.png 518.8579 +/kitchen_0035b/rgb_00280.jpg /kitchen_0035b/sync_depth_00280.png 518.8579 +/bathroom_0049/rgb_00048.jpg /bathroom_0049/sync_depth_00048.png 518.8579 +/living_room_0022/rgb_00380.jpg /living_room_0022/sync_depth_00380.png 518.8579 +/kitchen_0051/rgb_00007.jpg /kitchen_0051/sync_depth_00007.png 518.8579 +/living_room_0022/rgb_00179.jpg /living_room_0022/sync_depth_00179.png 518.8579 +/office_0006/rgb_00077.jpg /office_0006/sync_depth_00077.png 518.8579 +/bedroom_0125a/rgb_00007.jpg /bedroom_0125a/sync_depth_00007.png 518.8579 +/bookstore_0001e/rgb_00171.jpg /bookstore_0001e/sync_depth_00171.png 518.8579 +/bedroom_0076a/rgb_00015.jpg /bedroom_0076a/sync_depth_00015.png 518.8579 +/dining_room_0028/rgb_00101.jpg /dining_room_0028/sync_depth_00101.png 518.8579 +/printer_room_0001/rgb_00039.jpg /printer_room_0001/sync_depth_00039.png 518.8579 +/classroom_0004/rgb_00009.jpg /classroom_0004/sync_depth_00009.png 518.8579 +/study_0003/rgb_00081.jpg /study_0003/sync_depth_00081.png 518.8579 +/kitchen_0048/rgb_00159.jpg /kitchen_0048/sync_depth_00159.png 518.8579 +/living_room_0046b/rgb_00051.jpg /living_room_0046b/sync_depth_00051.png 518.8579 +/dining_room_0034/rgb_00231.jpg /dining_room_0034/sync_depth_00231.png 518.8579 +/kitchen_0011b/rgb_00080.jpg /kitchen_0011b/sync_depth_00080.png 518.8579 +/bedroom_0026/rgb_00139.jpg /bedroom_0026/sync_depth_00139.png 518.8579 +/dining_room_0037/rgb_00169.jpg /dining_room_0037/sync_depth_00169.png 518.8579 +/kitchen_0010/rgb_00087.jpg /kitchen_0010/sync_depth_00087.png 518.8579 +/bedroom_0072/rgb_00139.jpg /bedroom_0072/sync_depth_00139.png 518.8579 +/bedroom_0053/rgb_00057.jpg /bedroom_0053/sync_depth_00057.png 518.8579 +/bedroom_0029/rgb_00052.jpg /bedroom_0029/sync_depth_00052.png 518.8579 +/classroom_0003/rgb_00065.jpg /classroom_0003/sync_depth_00065.png 518.8579 +/bedroom_0120/rgb_00092.jpg /bedroom_0120/sync_depth_00092.png 518.8579 +/living_room_0086b/rgb_00021.jpg /living_room_0086b/sync_depth_00021.png 518.8579 +/laundry_room_0001/rgb_00048.jpg /laundry_room_0001/sync_depth_00048.png 518.8579 +/bedroom_0056a/rgb_00024.jpg /bedroom_0056a/sync_depth_00024.png 518.8579 +/living_room_0040/rgb_00052.jpg /living_room_0040/sync_depth_00052.png 518.8579 +/bookstore_0001h/rgb_00054.jpg /bookstore_0001h/sync_depth_00054.png 518.8579 +/furniture_store_0002a/rgb_00374.jpg /furniture_store_0002a/sync_depth_00374.png 518.8579 +/classroom_0010/rgb_00066.jpg /classroom_0010/sync_depth_00066.png 518.8579 +/kitchen_0019a/rgb_00233.jpg /kitchen_0019a/sync_depth_00233.png 518.8579 +/dining_room_0014/rgb_00086.jpg /dining_room_0014/sync_depth_00086.png 518.8579 +/bedroom_0033/rgb_00034.jpg /bedroom_0033/sync_depth_00034.png 518.8579 +/reception_room_0002/rgb_00092.jpg /reception_room_0002/sync_depth_00092.png 518.8579 +/bedroom_0069/rgb_00034.jpg /bedroom_0069/sync_depth_00034.png 518.8579 +/student_lounge_0001/rgb_00100.jpg /student_lounge_0001/sync_depth_00100.png 518.8579 +/kitchen_0035b/rgb_00021.jpg /kitchen_0035b/sync_depth_00021.png 518.8579 +/nyu_office_0/rgb_00401.jpg /nyu_office_0/sync_depth_00401.png 518.8579 +/bathroom_0019/rgb_00081.jpg /bathroom_0019/sync_depth_00081.png 518.8579 +/bathroom_0054/rgb_00001.jpg /bathroom_0054/sync_depth_00001.png 518.8579 +/home_storage_0001/rgb_00147.jpg /home_storage_0001/sync_depth_00147.png 518.8579 +/office_0011/rgb_00101.jpg /office_0011/sync_depth_00101.png 518.8579 +/living_room_0063/rgb_00127.jpg /living_room_0063/sync_depth_00127.png 518.8579 +/kitchen_0035b/rgb_00200.jpg /kitchen_0035b/sync_depth_00200.png 518.8579 +/indoor_balcony_0001/rgb_00044.jpg /indoor_balcony_0001/sync_depth_00044.png 518.8579 +/dining_room_0016/rgb_00173.jpg /dining_room_0016/sync_depth_00173.png 518.8579 +/bathroom_0041/rgb_00060.jpg /bathroom_0041/sync_depth_00060.png 518.8579 +/bedroom_0100/rgb_00059.jpg /bedroom_0100/sync_depth_00059.png 518.8579 +/classroom_0006/rgb_00207.jpg /classroom_0006/sync_depth_00207.png 518.8579 +/living_room_0046a/rgb_00049.jpg /living_room_0046a/sync_depth_00049.png 518.8579 +/kitchen_0011b/rgb_00026.jpg /kitchen_0011b/sync_depth_00026.png 518.8579 +/office_0006/rgb_00116.jpg /office_0006/sync_depth_00116.png 518.8579 +/dining_room_0033/rgb_00195.jpg /dining_room_0033/sync_depth_00195.png 518.8579 +/bookstore_0001h/rgb_00023.jpg /bookstore_0001h/sync_depth_00023.png 518.8579 +/bedroom_0050/rgb_00106.jpg /bedroom_0050/sync_depth_00106.png 518.8579 +/kitchen_0050/rgb_00087.jpg /kitchen_0050/sync_depth_00087.png 518.8579 +/kitchen_0048/rgb_00010.jpg /kitchen_0048/sync_depth_00010.png 518.8579 +/dining_room_0016/rgb_00008.jpg /dining_room_0016/sync_depth_00008.png 518.8579 +/bookstore_0001f/rgb_00290.jpg /bookstore_0001f/sync_depth_00290.png 518.8579 +/dining_room_0015/rgb_00061.jpg /dining_room_0015/sync_depth_00061.png 518.8579 +/living_room_0011/rgb_00099.jpg /living_room_0011/sync_depth_00099.png 518.8579 +/living_room_0005/rgb_00071.jpg /living_room_0005/sync_depth_00071.png 518.8579 +/classroom_0006/rgb_00035.jpg /classroom_0006/sync_depth_00035.png 518.8579 +/bedroom_0060/rgb_00088.jpg /bedroom_0060/sync_depth_00088.png 518.8579 +/kitchen_0045b/rgb_00037.jpg /kitchen_0045b/sync_depth_00037.png 518.8579 +/office_0024/rgb_00096.jpg /office_0024/sync_depth_00096.png 518.8579 +/kitchen_0045b/rgb_00142.jpg /kitchen_0045b/sync_depth_00142.png 518.8579 +/living_room_0040/rgb_00225.jpg /living_room_0040/sync_depth_00225.png 518.8579 +/furniture_store_0001c/rgb_00024.jpg /furniture_store_0001c/sync_depth_00024.png 518.8579 +/home_office_0013/rgb_00034.jpg /home_office_0013/sync_depth_00034.png 518.8579 +/bookstore_0001f/rgb_00294.jpg /bookstore_0001f/sync_depth_00294.png 518.8579 +/dining_room_0019/rgb_00161.jpg /dining_room_0019/sync_depth_00161.png 518.8579 +/bathroom_0053/rgb_00031.jpg /bathroom_0053/sync_depth_00031.png 518.8579 +/bathroom_0019/rgb_00013.jpg /bathroom_0019/sync_depth_00013.png 518.8579 +/dining_room_0014/rgb_00087.jpg /dining_room_0014/sync_depth_00087.png 518.8579 +/kitchen_0052/rgb_00177.jpg /kitchen_0052/sync_depth_00177.png 518.8579 +/kitchen_0053/rgb_00008.jpg /kitchen_0053/sync_depth_00008.png 518.8579 +/living_room_0040/rgb_00103.jpg /living_room_0040/sync_depth_00103.png 518.8579 +/playroom_0004/rgb_00084.jpg /playroom_0004/sync_depth_00084.png 518.8579 +/furniture_store_0001a/rgb_00001.jpg /furniture_store_0001a/sync_depth_00001.png 518.8579 +/kitchen_0011a/rgb_00058.jpg /kitchen_0011a/sync_depth_00058.png 518.8579 +/bathroom_0048/rgb_00097.jpg /bathroom_0048/sync_depth_00097.png 518.8579 +/kitchen_0003/rgb_00020.jpg /kitchen_0003/sync_depth_00020.png 518.8579 +/kitchen_0045b/rgb_00148.jpg /kitchen_0045b/sync_depth_00148.png 518.8579 +/kitchen_0060/rgb_00079.jpg /kitchen_0060/sync_depth_00079.png 518.8579 +/bedroom_0047/rgb_00042.jpg /bedroom_0047/sync_depth_00042.png 518.8579 +/bedroom_0140/rgb_00108.jpg /bedroom_0140/sync_depth_00108.png 518.8579 +/office_0012/rgb_00083.jpg /office_0012/sync_depth_00083.png 518.8579 +/cafe_0001a/rgb_00008.jpg /cafe_0001a/sync_depth_00008.png 518.8579 +/home_storage_0001/rgb_00049.jpg /home_storage_0001/sync_depth_00049.png 518.8579 +/dinette_0001/rgb_00021.jpg /dinette_0001/sync_depth_00021.png 518.8579 +/classroom_0016/rgb_00013.jpg /classroom_0016/sync_depth_00013.png 518.8579 +/bedroom_0056a/rgb_00073.jpg /bedroom_0056a/sync_depth_00073.png 518.8579 +/bathroom_0039/rgb_00030.jpg /bathroom_0039/sync_depth_00030.png 518.8579 +/cafe_0001b/rgb_00069.jpg /cafe_0001b/sync_depth_00069.png 518.8579 +/bookstore_0001g/rgb_00225.jpg /bookstore_0001g/sync_depth_00225.png 518.8579 +/living_room_0040/rgb_00253.jpg /living_room_0040/sync_depth_00253.png 518.8579 +/bedroom_0136/rgb_00152.jpg /bedroom_0136/sync_depth_00152.png 518.8579 +/kitchen_0016/rgb_00002.jpg /kitchen_0016/sync_depth_00002.png 518.8579 +/bedroom_0020/rgb_00055.jpg /bedroom_0020/sync_depth_00055.png 518.8579 +/playroom_0004/rgb_00077.jpg /playroom_0004/sync_depth_00077.png 518.8579 +/home_office_0005/rgb_00036.jpg /home_office_0005/sync_depth_00036.png 518.8579 +/dining_room_0028/rgb_00055.jpg /dining_room_0028/sync_depth_00055.png 518.8579 +/living_room_0032/rgb_00020.jpg /living_room_0032/sync_depth_00020.png 518.8579 +/home_office_0005/rgb_00032.jpg /home_office_0005/sync_depth_00032.png 518.8579 +/cafe_0001a/rgb_00056.jpg /cafe_0001a/sync_depth_00056.png 518.8579 +/living_room_0005/rgb_00003.jpg /living_room_0005/sync_depth_00003.png 518.8579 +/dining_room_0014/rgb_00052.jpg /dining_room_0014/sync_depth_00052.png 518.8579 +/dinette_0001/rgb_00085.jpg /dinette_0001/sync_depth_00085.png 518.8579 +/bookstore_0001d/rgb_00158.jpg /bookstore_0001d/sync_depth_00158.png 518.8579 +/bookstore_0001g/rgb_00143.jpg /bookstore_0001g/sync_depth_00143.png 518.8579 +/bedroom_0012/rgb_00059.jpg /bedroom_0012/sync_depth_00059.png 518.8579 +/living_room_0055/rgb_00010.jpg /living_room_0055/sync_depth_00010.png 518.8579 diff --git a/zoedepth/data/__init__.py b/zoedepth/data/__init__.py new file mode 100644 index 000000000..5f2668792 --- /dev/null +++ b/zoedepth/data/__init__.py @@ -0,0 +1,24 @@ +# MIT License + +# Copyright (c) 2022 Intelligent Systems Lab Org + +# 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. + +# File author: Shariq Farooq Bhat + diff --git a/zoedepth/data/data_mono.py b/zoedepth/data/data_mono.py new file mode 100644 index 000000000..80a8486f2 --- /dev/null +++ b/zoedepth/data/data_mono.py @@ -0,0 +1,573 @@ +# MIT License + +# Copyright (c) 2022 Intelligent Systems Lab Org + +# 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. + +# File author: Shariq Farooq Bhat + +# This file is partly inspired from BTS (https://github.com/cleinc/bts/blob/master/pytorch/bts_dataloader.py); author: Jin Han Lee + +import itertools +import os +import random + +import numpy as np +import cv2 +import torch +import torch.nn as nn +import torch.utils.data.distributed +from zoedepth.utils.easydict import EasyDict as edict +from PIL import Image, ImageOps +from torch.utils.data import DataLoader, Dataset +from torchvision import transforms + +from zoedepth.utils.config import change_dataset + +from .ddad import get_ddad_loader +from .diml_indoor_test import get_diml_indoor_loader +from .diml_outdoor_test import get_diml_outdoor_loader +from .diode import get_diode_loader +from .hypersim import get_hypersim_loader +from .ibims import get_ibims_loader +from .sun_rgbd_loader import get_sunrgbd_loader +from .vkitti import get_vkitti_loader +from .vkitti2 import get_vkitti2_loader + +from .preprocess import CropParams, get_white_border, get_black_border + + +def _is_pil_image(img): + return isinstance(img, Image.Image) + + +def _is_numpy_image(img): + return isinstance(img, np.ndarray) and (img.ndim in {2, 3}) + + +def preprocessing_transforms(mode, **kwargs): + return transforms.Compose([ + ToTensor(mode=mode, **kwargs) + ]) + + +class DepthDataLoader(object): + def __init__(self, config, mode, device='cpu', transform=None, **kwargs): + """ + Data loader for depth datasets + + Args: + config (dict): Config dictionary. Refer to utils/config.py + mode (str): "train" or "online_eval" + device (str, optional): Device to load the data on. Defaults to 'cpu'. + transform (torchvision.transforms, optional): Transform to apply to the data. Defaults to None. + """ + + self.config = config + + if config.dataset == 'ibims': + self.data = get_ibims_loader(config, batch_size=1, num_workers=1) + return + + if config.dataset == 'sunrgbd': + self.data = get_sunrgbd_loader( + data_dir_root=config.sunrgbd_root, batch_size=1, num_workers=1) + return + + if config.dataset == 'diml_indoor': + self.data = get_diml_indoor_loader( + data_dir_root=config.diml_indoor_root, batch_size=1, num_workers=1) + return + + if config.dataset == 'diml_outdoor': + self.data = get_diml_outdoor_loader( + data_dir_root=config.diml_outdoor_root, batch_size=1, num_workers=1) + return + + if "diode" in config.dataset: + self.data = get_diode_loader( + config[config.dataset+"_root"], batch_size=1, num_workers=1) + return + + if config.dataset == 'hypersim_test': + self.data = get_hypersim_loader( + config.hypersim_test_root, batch_size=1, num_workers=1) + return + + if config.dataset == 'vkitti': + self.data = get_vkitti_loader( + config.vkitti_root, batch_size=1, num_workers=1) + return + + if config.dataset == 'vkitti2': + self.data = get_vkitti2_loader( + config.vkitti2_root, batch_size=1, num_workers=1) + return + + if config.dataset == 'ddad': + self.data = get_ddad_loader(config.ddad_root, resize_shape=( + 352, 1216), batch_size=1, num_workers=1) + return + + img_size = self.config.get("img_size", None) + img_size = img_size if self.config.get( + "do_input_resize", False) else None + + if transform is None: + transform = preprocessing_transforms(mode, size=img_size) + + if mode == 'train': + + Dataset = DataLoadPreprocess + self.training_samples = Dataset( + config, mode, transform=transform, device=device) + + if config.distributed: + self.train_sampler = torch.utils.data.distributed.DistributedSampler( + self.training_samples) + else: + self.train_sampler = None + + self.data = DataLoader(self.training_samples, + batch_size=config.batch_size, + shuffle=(self.train_sampler is None), + num_workers=config.workers, + pin_memory=True, + persistent_workers=True, + # prefetch_factor=2, + sampler=self.train_sampler) + + elif mode == 'online_eval': + self.testing_samples = DataLoadPreprocess( + config, mode, transform=transform) + if config.distributed: # redundant. here only for readability and to be more explicit + # Give whole test set to all processes (and report evaluation only on one) regardless + self.eval_sampler = None + else: + self.eval_sampler = None + self.data = DataLoader(self.testing_samples, 1, + shuffle=kwargs.get("shuffle_test", False), + num_workers=1, + pin_memory=False, + sampler=self.eval_sampler) + + elif mode == 'test': + self.testing_samples = DataLoadPreprocess( + config, mode, transform=transform) + self.data = DataLoader(self.testing_samples, + 1, shuffle=False, num_workers=1) + + else: + print( + 'mode should be one of \'train, test, online_eval\'. Got {}'.format(mode)) + + +def repetitive_roundrobin(*iterables): + """ + cycles through iterables but sample wise + first yield first sample from first iterable then first sample from second iterable and so on + then second sample from first iterable then second sample from second iterable and so on + + If one iterable is shorter than the others, it is repeated until all iterables are exhausted + repetitive_roundrobin('ABC', 'D', 'EF') --> A D E B D F C D E + """ + # Repetitive roundrobin + iterables_ = [iter(it) for it in iterables] + exhausted = [False] * len(iterables) + while not all(exhausted): + for i, it in enumerate(iterables_): + try: + yield next(it) + except StopIteration: + exhausted[i] = True + iterables_[i] = itertools.cycle(iterables[i]) + # First elements may get repeated if one iterable is shorter than the others + yield next(iterables_[i]) + + +class RepetitiveRoundRobinDataLoader(object): + def __init__(self, *dataloaders): + self.dataloaders = dataloaders + + def __iter__(self): + return repetitive_roundrobin(*self.dataloaders) + + def __len__(self): + # First samples get repeated, thats why the plus one + return len(self.dataloaders) * (max(len(dl) for dl in self.dataloaders) + 1) + + +class MixedNYUKITTI(object): + def __init__(self, config, mode, device='cpu', **kwargs): + config = edict(config) + config.workers = config.workers // 2 + self.config = config + nyu_conf = change_dataset(edict(config), 'nyu') + kitti_conf = change_dataset(edict(config), 'kitti') + + # make nyu default for testing + self.config = config = nyu_conf + img_size = self.config.get("img_size", None) + img_size = img_size if self.config.get( + "do_input_resize", False) else None + if mode == 'train': + nyu_loader = DepthDataLoader( + nyu_conf, mode, device=device, transform=preprocessing_transforms(mode, size=img_size)).data + kitti_loader = DepthDataLoader( + kitti_conf, mode, device=device, transform=preprocessing_transforms(mode, size=img_size)).data + # It has been changed to repetitive roundrobin + self.data = RepetitiveRoundRobinDataLoader( + nyu_loader, kitti_loader) + else: + self.data = DepthDataLoader(nyu_conf, mode, device=device).data + + +def remove_leading_slash(s): + if s[0] == '/' or s[0] == '\\': + return s[1:] + return s + + +class CachedReader: + def __init__(self, shared_dict=None): + if shared_dict: + self._cache = shared_dict + else: + self._cache = {} + + def open(self, fpath): + im = self._cache.get(fpath, None) + if im is None: + im = self._cache[fpath] = Image.open(fpath) + return im + + +class ImReader: + def __init__(self): + pass + + # @cache + def open(self, fpath): + return Image.open(fpath) + + +class DataLoadPreprocess(Dataset): + def __init__(self, config, mode, transform=None, is_for_online_eval=False, **kwargs): + self.config = config + if mode == 'online_eval': + with open(config.filenames_file_eval, 'r') as f: + self.filenames = f.readlines() + else: + with open(config.filenames_file, 'r') as f: + self.filenames = f.readlines() + + self.mode = mode + self.transform = transform + self.to_tensor = ToTensor(mode) + self.is_for_online_eval = is_for_online_eval + if config.use_shared_dict: + self.reader = CachedReader(config.shared_dict) + else: + self.reader = ImReader() + + def postprocess(self, sample): + return sample + + def __getitem__(self, idx): + sample_path = self.filenames[idx] + focal = float(sample_path.split()[2]) + sample = {} + + if self.mode == 'train': + if self.config.dataset == 'kitti' and self.config.use_right and random.random() > 0.5: + image_path = os.path.join( + self.config.data_path, remove_leading_slash(sample_path.split()[3])) + depth_path = os.path.join( + self.config.gt_path, remove_leading_slash(sample_path.split()[4])) + else: + image_path = os.path.join( + self.config.data_path, remove_leading_slash(sample_path.split()[0])) + depth_path = os.path.join( + self.config.gt_path, remove_leading_slash(sample_path.split()[1])) + + image = self.reader.open(image_path) + depth_gt = self.reader.open(depth_path) + w, h = image.size + + if self.config.do_kb_crop: + height = image.height + width = image.width + top_margin = int(height - 352) + left_margin = int((width - 1216) / 2) + depth_gt = depth_gt.crop( + (left_margin, top_margin, left_margin + 1216, top_margin + 352)) + image = image.crop( + (left_margin, top_margin, left_margin + 1216, top_margin + 352)) + + # Avoid blank boundaries due to pixel registration? + # Train images have white border. Test images have black border. + if self.config.dataset == 'nyu' and self.config.avoid_boundary: + # print("Avoiding Blank Boundaries!") + # We just crop and pad again with reflect padding to original size + # original_size = image.size + crop_params = get_white_border(np.array(image, dtype=np.uint8)) + image = image.crop((crop_params.left, crop_params.top, crop_params.right, crop_params.bottom)) + depth_gt = depth_gt.crop((crop_params.left, crop_params.top, crop_params.right, crop_params.bottom)) + + # Use reflect padding to fill the blank + image = np.array(image) + image = np.pad(image, ((crop_params.top, h - crop_params.bottom), (crop_params.left, w - crop_params.right), (0, 0)), mode='reflect') + image = Image.fromarray(image) + + depth_gt = np.array(depth_gt) + depth_gt = np.pad(depth_gt, ((crop_params.top, h - crop_params.bottom), (crop_params.left, w - crop_params.right)), 'constant', constant_values=0) + depth_gt = Image.fromarray(depth_gt) + + + if self.config.do_random_rotate and (self.config.aug): + random_angle = (random.random() - 0.5) * 2 * self.config.degree + image = self.rotate_image(image, random_angle) + depth_gt = self.rotate_image( + depth_gt, random_angle, flag=Image.NEAREST) + + image = np.asarray(image, dtype=np.float32) / 255.0 + depth_gt = np.asarray(depth_gt, dtype=np.float32) + depth_gt = np.expand_dims(depth_gt, axis=2) + + if self.config.dataset == 'nyu': + depth_gt = depth_gt / 1000.0 + else: + depth_gt = depth_gt / 256.0 + + if self.config.aug and (self.config.random_crop): + image, depth_gt = self.random_crop( + image, depth_gt, self.config.input_height, self.config.input_width) + + if self.config.aug and self.config.random_translate: + # print("Random Translation!") + image, depth_gt = self.random_translate(image, depth_gt, self.config.max_translation) + + image, depth_gt = self.train_preprocess(image, depth_gt) + mask = np.logical_and(depth_gt > self.config.min_depth, + depth_gt < self.config.max_depth).squeeze()[None, ...] + sample = {'image': image, 'depth': depth_gt, 'focal': focal, + 'mask': mask, **sample} + + else: + if self.mode == 'online_eval': + data_path = self.config.data_path_eval + else: + data_path = self.config.data_path + + image_path = os.path.join( + data_path, remove_leading_slash(sample_path.split()[0])) + image = np.asarray(self.reader.open(image_path), + dtype=np.float32) / 255.0 + + if self.mode == 'online_eval': + gt_path = self.config.gt_path_eval + depth_path = os.path.join( + gt_path, remove_leading_slash(sample_path.split()[1])) + has_valid_depth = False + try: + depth_gt = self.reader.open(depth_path) + has_valid_depth = True + except IOError: + depth_gt = False + # print('Missing gt for {}'.format(image_path)) + + if has_valid_depth: + depth_gt = np.asarray(depth_gt, dtype=np.float32) + depth_gt = np.expand_dims(depth_gt, axis=2) + if self.config.dataset == 'nyu': + depth_gt = depth_gt / 1000.0 + else: + depth_gt = depth_gt / 256.0 + + mask = np.logical_and( + depth_gt >= self.config.min_depth, depth_gt <= self.config.max_depth).squeeze()[None, ...] + else: + mask = False + + if self.config.do_kb_crop: + height = image.shape[0] + width = image.shape[1] + top_margin = int(height - 352) + left_margin = int((width - 1216) / 2) + image = image[top_margin:top_margin + 352, + left_margin:left_margin + 1216, :] + if self.mode == 'online_eval' and has_valid_depth: + depth_gt = depth_gt[top_margin:top_margin + + 352, left_margin:left_margin + 1216, :] + + if self.mode == 'online_eval': + sample = {'image': image, 'depth': depth_gt, 'focal': focal, 'has_valid_depth': has_valid_depth, + 'image_path': sample_path.split()[0], 'depth_path': sample_path.split()[1], + 'mask': mask} + else: + sample = {'image': image, 'focal': focal} + + if (self.mode == 'train') or ('has_valid_depth' in sample and sample['has_valid_depth']): + mask = np.logical_and(depth_gt > self.config.min_depth, + depth_gt < self.config.max_depth).squeeze()[None, ...] + sample['mask'] = mask + + if self.transform: + sample = self.transform(sample) + + sample = self.postprocess(sample) + sample['dataset'] = self.config.dataset + sample = {**sample, 'image_path': sample_path.split()[0], 'depth_path': sample_path.split()[1]} + + return sample + + def rotate_image(self, image, angle, flag=Image.BILINEAR): + result = image.rotate(angle, resample=flag) + return result + + def random_crop(self, img, depth, height, width): + assert img.shape[0] >= height + assert img.shape[1] >= width + assert img.shape[0] == depth.shape[0] + assert img.shape[1] == depth.shape[1] + x = random.randint(0, img.shape[1] - width) + y = random.randint(0, img.shape[0] - height) + img = img[y:y + height, x:x + width, :] + depth = depth[y:y + height, x:x + width, :] + + return img, depth + + def random_translate(self, img, depth, max_t=20): + assert img.shape[0] == depth.shape[0] + assert img.shape[1] == depth.shape[1] + p = self.config.translate_prob + do_translate = random.random() + if do_translate > p: + return img, depth + x = random.randint(-max_t, max_t) + y = random.randint(-max_t, max_t) + M = np.float32([[1, 0, x], [0, 1, y]]) + # print(img.shape, depth.shape) + img = cv2.warpAffine(img, M, (img.shape[1], img.shape[0])) + depth = cv2.warpAffine(depth, M, (depth.shape[1], depth.shape[0])) + depth = depth.squeeze()[..., None] # add channel dim back. Affine warp removes it + # print("after", img.shape, depth.shape) + return img, depth + + def train_preprocess(self, image, depth_gt): + if self.config.aug: + # Random flipping + do_flip = random.random() + if do_flip > 0.5: + image = (image[:, ::-1, :]).copy() + depth_gt = (depth_gt[:, ::-1, :]).copy() + + # Random gamma, brightness, color augmentation + do_augment = random.random() + if do_augment > 0.5: + image = self.augment_image(image) + + return image, depth_gt + + def augment_image(self, image): + # gamma augmentation + gamma = random.uniform(0.9, 1.1) + image_aug = image ** gamma + + # brightness augmentation + if self.config.dataset == 'nyu': + brightness = random.uniform(0.75, 1.25) + else: + brightness = random.uniform(0.9, 1.1) + image_aug = image_aug * brightness + + # color augmentation + colors = np.random.uniform(0.9, 1.1, size=3) + white = np.ones((image.shape[0], image.shape[1])) + color_image = np.stack([white * colors[i] for i in range(3)], axis=2) + image_aug *= color_image + image_aug = np.clip(image_aug, 0, 1) + + return image_aug + + def __len__(self): + return len(self.filenames) + + +class ToTensor(object): + def __init__(self, mode, do_normalize=False, size=None): + self.mode = mode + self.normalize = transforms.Normalize( + mean=[0.485, 0.456, 0.406], std=[0.229, 0.224, 0.225]) if do_normalize else nn.Identity() + self.size = size + if size is not None: + self.resize = transforms.Resize(size=size) + else: + self.resize = nn.Identity() + + def __call__(self, sample): + image, focal = sample['image'], sample['focal'] + image = self.to_tensor(image) + image = self.normalize(image) + image = self.resize(image) + + if self.mode == 'test': + return {'image': image, 'focal': focal} + + depth = sample['depth'] + if self.mode == 'train': + depth = self.to_tensor(depth) + return {**sample, 'image': image, 'depth': depth, 'focal': focal} + else: + has_valid_depth = sample['has_valid_depth'] + image = self.resize(image) + return {**sample, 'image': image, 'depth': depth, 'focal': focal, 'has_valid_depth': has_valid_depth, + 'image_path': sample['image_path'], 'depth_path': sample['depth_path']} + + def to_tensor(self, pic): + if not (_is_pil_image(pic) or _is_numpy_image(pic)): + raise TypeError( + 'pic should be PIL Image or ndarray. Got {}'.format(type(pic))) + + if isinstance(pic, np.ndarray): + img = torch.from_numpy(pic.transpose((2, 0, 1))) + return img + + # handle PIL Image + if pic.mode == 'I': + img = torch.from_numpy(np.array(pic, np.int32, copy=False)) + elif pic.mode == 'I;16': + img = torch.from_numpy(np.array(pic, np.int16, copy=False)) + else: + img = torch.ByteTensor( + torch.ByteStorage.from_buffer(pic.tobytes())) + # PIL image mode: 1, L, P, I, F, RGB, YCbCr, RGBA, CMYK + if pic.mode == 'YCbCr': + nchannel = 3 + elif pic.mode == 'I;16': + nchannel = 1 + else: + nchannel = len(pic.mode) + img = img.view(pic.size[1], pic.size[0], nchannel) + + img = img.transpose(0, 1).transpose(0, 2).contiguous() + if isinstance(img, torch.ByteTensor): + return img.float() + else: + return img diff --git a/zoedepth/data/ddad.py b/zoedepth/data/ddad.py new file mode 100644 index 000000000..4bd0492bd --- /dev/null +++ b/zoedepth/data/ddad.py @@ -0,0 +1,117 @@ +# MIT License + +# Copyright (c) 2022 Intelligent Systems Lab Org + +# 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. + +# File author: Shariq Farooq Bhat + +import os + +import numpy as np +import torch +from PIL import Image +from torch.utils.data import DataLoader, Dataset +from torchvision import transforms + + +class ToTensor(object): + def __init__(self, resize_shape): + # self.normalize = transforms.Normalize( + # mean=[0.485, 0.456, 0.406], std=[0.229, 0.224, 0.225]) + self.normalize = lambda x : x + self.resize = transforms.Resize(resize_shape) + + def __call__(self, sample): + image, depth = sample['image'], sample['depth'] + image = self.to_tensor(image) + image = self.normalize(image) + depth = self.to_tensor(depth) + + image = self.resize(image) + + return {'image': image, 'depth': depth, 'dataset': "ddad"} + + def to_tensor(self, pic): + + if isinstance(pic, np.ndarray): + img = torch.from_numpy(pic.transpose((2, 0, 1))) + return img + + # # handle PIL Image + if pic.mode == 'I': + img = torch.from_numpy(np.array(pic, np.int32, copy=False)) + elif pic.mode == 'I;16': + img = torch.from_numpy(np.array(pic, np.int16, copy=False)) + else: + img = torch.ByteTensor( + torch.ByteStorage.from_buffer(pic.tobytes())) + # PIL image mode: 1, L, P, I, F, RGB, YCbCr, RGBA, CMYK + if pic.mode == 'YCbCr': + nchannel = 3 + elif pic.mode == 'I;16': + nchannel = 1 + else: + nchannel = len(pic.mode) + img = img.view(pic.size[1], pic.size[0], nchannel) + + img = img.transpose(0, 1).transpose(0, 2).contiguous() + + if isinstance(img, torch.ByteTensor): + return img.float() + else: + return img + + +class DDAD(Dataset): + def __init__(self, data_dir_root, resize_shape): + import glob + + # image paths are of the form /{outleft, depthmap}/*.png + self.image_files = glob.glob(os.path.join(data_dir_root, '*.png')) + self.depth_files = [r.replace("_rgb.png", "_depth.npy") + for r in self.image_files] + self.transform = ToTensor(resize_shape) + + def __getitem__(self, idx): + + image_path = self.image_files[idx] + depth_path = self.depth_files[idx] + + image = np.asarray(Image.open(image_path), dtype=np.float32) / 255.0 + depth = np.load(depth_path) # meters + + # depth[depth > 8] = -1 + depth = depth[..., None] + + sample = dict(image=image, depth=depth) + sample = self.transform(sample) + + if idx == 0: + print(sample["image"].shape) + + return sample + + def __len__(self): + return len(self.image_files) + + +def get_ddad_loader(data_dir_root, resize_shape, batch_size=1, **kwargs): + dataset = DDAD(data_dir_root, resize_shape) + return DataLoader(dataset, batch_size, **kwargs) diff --git a/zoedepth/data/diml_indoor_test.py b/zoedepth/data/diml_indoor_test.py new file mode 100644 index 000000000..f720ad9ae --- /dev/null +++ b/zoedepth/data/diml_indoor_test.py @@ -0,0 +1,125 @@ +# MIT License + +# Copyright (c) 2022 Intelligent Systems Lab Org + +# 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. + +# File author: Shariq Farooq Bhat + +import os + +import numpy as np +import torch +from PIL import Image +from torch.utils.data import DataLoader, Dataset +from torchvision import transforms + + +class ToTensor(object): + def __init__(self): + # self.normalize = transforms.Normalize( + # mean=[0.485, 0.456, 0.406], std=[0.229, 0.224, 0.225]) + self.normalize = lambda x : x + self.resize = transforms.Resize((480, 640)) + + def __call__(self, sample): + image, depth = sample['image'], sample['depth'] + image = self.to_tensor(image) + image = self.normalize(image) + depth = self.to_tensor(depth) + + image = self.resize(image) + + return {'image': image, 'depth': depth, 'dataset': "diml_indoor"} + + def to_tensor(self, pic): + + if isinstance(pic, np.ndarray): + img = torch.from_numpy(pic.transpose((2, 0, 1))) + return img + + # # handle PIL Image + if pic.mode == 'I': + img = torch.from_numpy(np.array(pic, np.int32, copy=False)) + elif pic.mode == 'I;16': + img = torch.from_numpy(np.array(pic, np.int16, copy=False)) + else: + img = torch.ByteTensor( + torch.ByteStorage.from_buffer(pic.tobytes())) + # PIL image mode: 1, L, P, I, F, RGB, YCbCr, RGBA, CMYK + if pic.mode == 'YCbCr': + nchannel = 3 + elif pic.mode == 'I;16': + nchannel = 1 + else: + nchannel = len(pic.mode) + img = img.view(pic.size[1], pic.size[0], nchannel) + + img = img.transpose(0, 1).transpose(0, 2).contiguous() + if isinstance(img, torch.ByteTensor): + return img.float() + else: + return img + + +class DIML_Indoor(Dataset): + def __init__(self, data_dir_root): + import glob + + # image paths are of the form /{HR, LR}//{color, depth_filled}/*.png + self.image_files = glob.glob(os.path.join( + data_dir_root, "LR", '*', 'color', '*.png')) + self.depth_files = [r.replace("color", "depth_filled").replace( + "_c.png", "_depth_filled.png") for r in self.image_files] + self.transform = ToTensor() + + def __getitem__(self, idx): + image_path = self.image_files[idx] + depth_path = self.depth_files[idx] + + image = np.asarray(Image.open(image_path), dtype=np.float32) / 255.0 + depth = np.asarray(Image.open(depth_path), + dtype='uint16') / 1000.0 # mm to meters + + # print(np.shape(image)) + # print(np.shape(depth)) + + # depth[depth > 8] = -1 + depth = depth[..., None] + + sample = dict(image=image, depth=depth) + + # return sample + sample = self.transform(sample) + + if idx == 0: + print(sample["image"].shape) + + return sample + + def __len__(self): + return len(self.image_files) + + +def get_diml_indoor_loader(data_dir_root, batch_size=1, **kwargs): + dataset = DIML_Indoor(data_dir_root) + return DataLoader(dataset, batch_size, **kwargs) + +# get_diml_indoor_loader(data_dir_root="datasets/diml/indoor/test/HR") +# get_diml_indoor_loader(data_dir_root="datasets/diml/indoor/test/LR") diff --git a/zoedepth/data/diml_outdoor_test.py b/zoedepth/data/diml_outdoor_test.py new file mode 100644 index 000000000..8670b48f5 --- /dev/null +++ b/zoedepth/data/diml_outdoor_test.py @@ -0,0 +1,114 @@ +# MIT License + +# Copyright (c) 2022 Intelligent Systems Lab Org + +# 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. + +# File author: Shariq Farooq Bhat + +import os + +import numpy as np +import torch +from PIL import Image +from torch.utils.data import DataLoader, Dataset +from torchvision import transforms + + +class ToTensor(object): + def __init__(self): + # self.normalize = transforms.Normalize( + # mean=[0.485, 0.456, 0.406], std=[0.229, 0.224, 0.225]) + self.normalize = lambda x : x + + def __call__(self, sample): + image, depth = sample['image'], sample['depth'] + image = self.to_tensor(image) + image = self.normalize(image) + depth = self.to_tensor(depth) + + return {'image': image, 'depth': depth, 'dataset': "diml_outdoor"} + + def to_tensor(self, pic): + + if isinstance(pic, np.ndarray): + img = torch.from_numpy(pic.transpose((2, 0, 1))) + return img + + # # handle PIL Image + if pic.mode == 'I': + img = torch.from_numpy(np.array(pic, np.int32, copy=False)) + elif pic.mode == 'I;16': + img = torch.from_numpy(np.array(pic, np.int16, copy=False)) + else: + img = torch.ByteTensor( + torch.ByteStorage.from_buffer(pic.tobytes())) + # PIL image mode: 1, L, P, I, F, RGB, YCbCr, RGBA, CMYK + if pic.mode == 'YCbCr': + nchannel = 3 + elif pic.mode == 'I;16': + nchannel = 1 + else: + nchannel = len(pic.mode) + img = img.view(pic.size[1], pic.size[0], nchannel) + + img = img.transpose(0, 1).transpose(0, 2).contiguous() + if isinstance(img, torch.ByteTensor): + return img.float() + else: + return img + + +class DIML_Outdoor(Dataset): + def __init__(self, data_dir_root): + import glob + + # image paths are of the form /{outleft, depthmap}/*.png + self.image_files = glob.glob(os.path.join( + data_dir_root, "*", 'outleft', '*.png')) + self.depth_files = [r.replace("outleft", "depthmap") + for r in self.image_files] + self.transform = ToTensor() + + def __getitem__(self, idx): + image_path = self.image_files[idx] + depth_path = self.depth_files[idx] + + image = np.asarray(Image.open(image_path), dtype=np.float32) / 255.0 + depth = np.asarray(Image.open(depth_path), + dtype='uint16') / 1000.0 # mm to meters + + # depth[depth > 8] = -1 + depth = depth[..., None] + + sample = dict(image=image, depth=depth, dataset="diml_outdoor") + + # return sample + return self.transform(sample) + + def __len__(self): + return len(self.image_files) + + +def get_diml_outdoor_loader(data_dir_root, batch_size=1, **kwargs): + dataset = DIML_Outdoor(data_dir_root) + return DataLoader(dataset, batch_size, **kwargs) + +# get_diml_outdoor_loader(data_dir_root="datasets/diml/outdoor/test/HR") +# get_diml_outdoor_loader(data_dir_root="datasets/diml/outdoor/test/LR") diff --git a/zoedepth/data/diode.py b/zoedepth/data/diode.py new file mode 100644 index 000000000..1510c8711 --- /dev/null +++ b/zoedepth/data/diode.py @@ -0,0 +1,125 @@ +# MIT License + +# Copyright (c) 2022 Intelligent Systems Lab Org + +# 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. + +# File author: Shariq Farooq Bhat + +import os + +import numpy as np +import torch +from PIL import Image +from torch.utils.data import DataLoader, Dataset +from torchvision import transforms + + +class ToTensor(object): + def __init__(self): + # self.normalize = transforms.Normalize( + # mean=[0.485, 0.456, 0.406], std=[0.229, 0.224, 0.225]) + self.normalize = lambda x : x + self.resize = transforms.Resize(480) + + def __call__(self, sample): + image, depth = sample['image'], sample['depth'] + image = self.to_tensor(image) + image = self.normalize(image) + depth = self.to_tensor(depth) + + image = self.resize(image) + + return {'image': image, 'depth': depth, 'dataset': "diode"} + + def to_tensor(self, pic): + + if isinstance(pic, np.ndarray): + img = torch.from_numpy(pic.transpose((2, 0, 1))) + return img + + # # handle PIL Image + if pic.mode == 'I': + img = torch.from_numpy(np.array(pic, np.int32, copy=False)) + elif pic.mode == 'I;16': + img = torch.from_numpy(np.array(pic, np.int16, copy=False)) + else: + img = torch.ByteTensor( + torch.ByteStorage.from_buffer(pic.tobytes())) + # PIL image mode: 1, L, P, I, F, RGB, YCbCr, RGBA, CMYK + if pic.mode == 'YCbCr': + nchannel = 3 + elif pic.mode == 'I;16': + nchannel = 1 + else: + nchannel = len(pic.mode) + img = img.view(pic.size[1], pic.size[0], nchannel) + + img = img.transpose(0, 1).transpose(0, 2).contiguous() + + if isinstance(img, torch.ByteTensor): + return img.float() + else: + return img + + +class DIODE(Dataset): + def __init__(self, data_dir_root): + import glob + + # image paths are of the form /scene_#/scan_#/*.png + self.image_files = glob.glob( + os.path.join(data_dir_root, '*', '*', '*.png')) + self.depth_files = [r.replace(".png", "_depth.npy") + for r in self.image_files] + self.depth_mask_files = [ + r.replace(".png", "_depth_mask.npy") for r in self.image_files] + self.transform = ToTensor() + + def __getitem__(self, idx): + image_path = self.image_files[idx] + depth_path = self.depth_files[idx] + depth_mask_path = self.depth_mask_files[idx] + + image = np.asarray(Image.open(image_path), dtype=np.float32) / 255.0 + depth = np.load(depth_path) # in meters + valid = np.load(depth_mask_path) # binary + + # depth[depth > 8] = -1 + # depth = depth[..., None] + + sample = dict(image=image, depth=depth, valid=valid) + + # return sample + sample = self.transform(sample) + + if idx == 0: + print(sample["image"].shape) + + return sample + + def __len__(self): + return len(self.image_files) + + +def get_diode_loader(data_dir_root, batch_size=1, **kwargs): + dataset = DIODE(data_dir_root) + return DataLoader(dataset, batch_size, **kwargs) + +# get_diode_loader(data_dir_root="datasets/diode/val/outdoor") diff --git a/zoedepth/data/hypersim.py b/zoedepth/data/hypersim.py new file mode 100644 index 000000000..433419897 --- /dev/null +++ b/zoedepth/data/hypersim.py @@ -0,0 +1,138 @@ +# MIT License + +# Copyright (c) 2022 Intelligent Systems Lab Org + +# 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. + +# File author: Shariq Farooq Bhat + +import glob +import os + +import h5py +import numpy as np +import torch +from PIL import Image +from torch.utils.data import DataLoader, Dataset +from torchvision import transforms + + +def hypersim_distance_to_depth(npyDistance): + intWidth, intHeight, fltFocal = 1024, 768, 886.81 + + npyImageplaneX = np.linspace((-0.5 * intWidth) + 0.5, (0.5 * intWidth) - 0.5, intWidth).reshape( + 1, intWidth).repeat(intHeight, 0).astype(np.float32)[:, :, None] + npyImageplaneY = np.linspace((-0.5 * intHeight) + 0.5, (0.5 * intHeight) - 0.5, + intHeight).reshape(intHeight, 1).repeat(intWidth, 1).astype(np.float32)[:, :, None] + npyImageplaneZ = np.full([intHeight, intWidth, 1], fltFocal, np.float32) + npyImageplane = np.concatenate( + [npyImageplaneX, npyImageplaneY, npyImageplaneZ], 2) + + npyDepth = npyDistance / np.linalg.norm(npyImageplane, 2, 2) * fltFocal + return npyDepth + + +class ToTensor(object): + def __init__(self): + # self.normalize = transforms.Normalize( + # mean=[0.485, 0.456, 0.406], std=[0.229, 0.224, 0.225]) + self.normalize = lambda x: x + self.resize = transforms.Resize((480, 640)) + + def __call__(self, sample): + image, depth = sample['image'], sample['depth'] + image = self.to_tensor(image) + image = self.normalize(image) + depth = self.to_tensor(depth) + + image = self.resize(image) + + return {'image': image, 'depth': depth, 'dataset': "hypersim"} + + def to_tensor(self, pic): + + if isinstance(pic, np.ndarray): + img = torch.from_numpy(pic.transpose((2, 0, 1))) + return img + + # # handle PIL Image + if pic.mode == 'I': + img = torch.from_numpy(np.array(pic, np.int32, copy=False)) + elif pic.mode == 'I;16': + img = torch.from_numpy(np.array(pic, np.int16, copy=False)) + else: + img = torch.ByteTensor( + torch.ByteStorage.from_buffer(pic.tobytes())) + # PIL image mode: 1, L, P, I, F, RGB, YCbCr, RGBA, CMYK + if pic.mode == 'YCbCr': + nchannel = 3 + elif pic.mode == 'I;16': + nchannel = 1 + else: + nchannel = len(pic.mode) + img = img.view(pic.size[1], pic.size[0], nchannel) + + img = img.transpose(0, 1).transpose(0, 2).contiguous() + if isinstance(img, torch.ByteTensor): + return img.float() + else: + return img + + +class HyperSim(Dataset): + def __init__(self, data_dir_root): + # image paths are of the form //images/scene_cam_#_final_preview/*.tonemap.jpg + # depth paths are of the form //images/scene_cam_#_final_preview/*.depth_meters.hdf5 + self.image_files = glob.glob(os.path.join( + data_dir_root, '*', 'images', 'scene_cam_*_final_preview', '*.tonemap.jpg')) + self.depth_files = [r.replace("_final_preview", "_geometry_hdf5").replace( + ".tonemap.jpg", ".depth_meters.hdf5") for r in self.image_files] + self.transform = ToTensor() + + def __getitem__(self, idx): + image_path = self.image_files[idx] + depth_path = self.depth_files[idx] + + image = np.asarray(Image.open(image_path), dtype=np.float32) / 255.0 + + # depth from hdf5 + depth_fd = h5py.File(depth_path, "r") + # in meters (Euclidean distance) + distance_meters = np.array(depth_fd['dataset']) + depth = hypersim_distance_to_depth( + distance_meters) # in meters (planar depth) + + # depth[depth > 8] = -1 + depth = depth[..., None] + + sample = dict(image=image, depth=depth) + sample = self.transform(sample) + + if idx == 0: + print(sample["image"].shape) + + return sample + + def __len__(self): + return len(self.image_files) + + +def get_hypersim_loader(data_dir_root, batch_size=1, **kwargs): + dataset = HyperSim(data_dir_root) + return DataLoader(dataset, batch_size, **kwargs) diff --git a/zoedepth/data/ibims.py b/zoedepth/data/ibims.py new file mode 100644 index 000000000..b66abfabc --- /dev/null +++ b/zoedepth/data/ibims.py @@ -0,0 +1,81 @@ +# MIT License + +# Copyright (c) 2022 Intelligent Systems Lab Org + +# 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. + +# File author: Shariq Farooq Bhat + +import os + +import numpy as np +import torch +from PIL import Image +from torch.utils.data import DataLoader, Dataset +from torchvision import transforms as T + + +class iBims(Dataset): + def __init__(self, config): + root_folder = config.ibims_root + with open(os.path.join(root_folder, "imagelist.txt"), 'r') as f: + imglist = f.read().split() + + samples = [] + for basename in imglist: + img_path = os.path.join(root_folder, 'rgb', basename + ".png") + depth_path = os.path.join(root_folder, 'depth', basename + ".png") + valid_mask_path = os.path.join( + root_folder, 'mask_invalid', basename+".png") + transp_mask_path = os.path.join( + root_folder, 'mask_transp', basename+".png") + + samples.append( + (img_path, depth_path, valid_mask_path, transp_mask_path)) + + self.samples = samples + # self.normalize = T.Normalize( + # mean=[0.485, 0.456, 0.406], std=[0.229, 0.224, 0.225]) + self.normalize = lambda x : x + + def __getitem__(self, idx): + img_path, depth_path, valid_mask_path, transp_mask_path = self.samples[idx] + + img = np.asarray(Image.open(img_path), dtype=np.float32) / 255.0 + depth = np.asarray(Image.open(depth_path), + dtype=np.uint16).astype('float')*50.0/65535 + + mask_valid = np.asarray(Image.open(valid_mask_path)) + mask_transp = np.asarray(Image.open(transp_mask_path)) + + # depth = depth * mask_valid * mask_transp + depth = np.where(mask_valid * mask_transp, depth, -1) + + img = torch.from_numpy(img).permute(2, 0, 1) + img = self.normalize(img) + depth = torch.from_numpy(depth).unsqueeze(0) + return dict(image=img, depth=depth, image_path=img_path, depth_path=depth_path, dataset='ibims') + + def __len__(self): + return len(self.samples) + + +def get_ibims_loader(config, batch_size=1, **kwargs): + dataloader = DataLoader(iBims(config), batch_size=batch_size, **kwargs) + return dataloader diff --git a/zoedepth/data/preprocess.py b/zoedepth/data/preprocess.py new file mode 100644 index 000000000..e08cc309d --- /dev/null +++ b/zoedepth/data/preprocess.py @@ -0,0 +1,154 @@ +# MIT License + +# Copyright (c) 2022 Intelligent Systems Lab Org + +# 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. + +# File author: Shariq Farooq Bhat + +import numpy as np +from dataclasses import dataclass +from typing import Tuple, List + +# dataclass to store the crop parameters +@dataclass +class CropParams: + top: int + bottom: int + left: int + right: int + + + +def get_border_params(rgb_image, tolerance=0.1, cut_off=20, value=0, level_diff_threshold=5, channel_axis=-1, min_border=5) -> CropParams: + gray_image = np.mean(rgb_image, axis=channel_axis) + h, w = gray_image.shape + + + def num_value_pixels(arr): + return np.sum(np.abs(arr - value) < level_diff_threshold) + + def is_above_tolerance(arr, total_pixels): + return (num_value_pixels(arr) / total_pixels) > tolerance + + # Crop top border until number of value pixels become below tolerance + top = min_border + while is_above_tolerance(gray_image[top, :], w) and top < h-1: + top += 1 + if top > cut_off: + break + + # Crop bottom border until number of value pixels become below tolerance + bottom = h - min_border + while is_above_tolerance(gray_image[bottom, :], w) and bottom > 0: + bottom -= 1 + if h - bottom > cut_off: + break + + # Crop left border until number of value pixels become below tolerance + left = min_border + while is_above_tolerance(gray_image[:, left], h) and left < w-1: + left += 1 + if left > cut_off: + break + + # Crop right border until number of value pixels become below tolerance + right = w - min_border + while is_above_tolerance(gray_image[:, right], h) and right > 0: + right -= 1 + if w - right > cut_off: + break + + + return CropParams(top, bottom, left, right) + + +def get_white_border(rgb_image, value=255, **kwargs) -> CropParams: + """Crops the white border of the RGB. + + Args: + rgb: RGB image, shape (H, W, 3). + Returns: + Crop parameters. + """ + if value == 255: + # assert range of values in rgb image is [0, 255] + assert np.max(rgb_image) <= 255 and np.min(rgb_image) >= 0, "RGB image values are not in range [0, 255]." + assert rgb_image.max() > 1, "RGB image values are not in range [0, 255]." + elif value == 1: + # assert range of values in rgb image is [0, 1] + assert np.max(rgb_image) <= 1 and np.min(rgb_image) >= 0, "RGB image values are not in range [0, 1]." + + return get_border_params(rgb_image, value=value, **kwargs) + +def get_black_border(rgb_image, **kwargs) -> CropParams: + """Crops the black border of the RGB. + + Args: + rgb: RGB image, shape (H, W, 3). + + Returns: + Crop parameters. + """ + + return get_border_params(rgb_image, value=0, **kwargs) + +def crop_image(image: np.ndarray, crop_params: CropParams) -> np.ndarray: + """Crops the image according to the crop parameters. + + Args: + image: RGB or depth image, shape (H, W, 3) or (H, W). + crop_params: Crop parameters. + + Returns: + Cropped image. + """ + return image[crop_params.top:crop_params.bottom, crop_params.left:crop_params.right] + +def crop_images(*images: np.ndarray, crop_params: CropParams) -> Tuple[np.ndarray]: + """Crops the images according to the crop parameters. + + Args: + images: RGB or depth images, shape (H, W, 3) or (H, W). + crop_params: Crop parameters. + + Returns: + Cropped images. + """ + return tuple(crop_image(image, crop_params) for image in images) + +def crop_black_or_white_border(rgb_image, *other_images: np.ndarray, tolerance=0.1, cut_off=20, level_diff_threshold=5) -> Tuple[np.ndarray]: + """Crops the white and black border of the RGB and depth images. + + Args: + rgb: RGB image, shape (H, W, 3). This image is used to determine the border. + other_images: The other images to crop according to the border of the RGB image. + Returns: + Cropped RGB and other images. + """ + # crop black border + crop_params = get_black_border(rgb_image, tolerance=tolerance, cut_off=cut_off, level_diff_threshold=level_diff_threshold) + cropped_images = crop_images(rgb_image, *other_images, crop_params=crop_params) + + # crop white border + crop_params = get_white_border(cropped_images[0], tolerance=tolerance, cut_off=cut_off, level_diff_threshold=level_diff_threshold) + cropped_images = crop_images(*cropped_images, crop_params=crop_params) + + return cropped_images + \ No newline at end of file diff --git a/zoedepth/data/sun_rgbd_loader.py b/zoedepth/data/sun_rgbd_loader.py new file mode 100644 index 000000000..9e2bdb9ae --- /dev/null +++ b/zoedepth/data/sun_rgbd_loader.py @@ -0,0 +1,106 @@ +# MIT License + +# Copyright (c) 2022 Intelligent Systems Lab Org + +# 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. + +# File author: Shariq Farooq Bhat + +import os + +import numpy as np +import torch +from PIL import Image +from torch.utils.data import DataLoader, Dataset +from torchvision import transforms + + +class ToTensor(object): + def __init__(self): + # self.normalize = transforms.Normalize( + # mean=[0.485, 0.456, 0.406], std=[0.229, 0.224, 0.225]) + self.normalize = lambda x : x + + def __call__(self, sample): + image, depth = sample['image'], sample['depth'] + image = self.to_tensor(image) + image = self.normalize(image) + depth = self.to_tensor(depth) + + return {'image': image, 'depth': depth, 'dataset': "sunrgbd"} + + def to_tensor(self, pic): + + if isinstance(pic, np.ndarray): + img = torch.from_numpy(pic.transpose((2, 0, 1))) + return img + + # # handle PIL Image + if pic.mode == 'I': + img = torch.from_numpy(np.array(pic, np.int32, copy=False)) + elif pic.mode == 'I;16': + img = torch.from_numpy(np.array(pic, np.int16, copy=False)) + else: + img = torch.ByteTensor( + torch.ByteStorage.from_buffer(pic.tobytes())) + # PIL image mode: 1, L, P, I, F, RGB, YCbCr, RGBA, CMYK + if pic.mode == 'YCbCr': + nchannel = 3 + elif pic.mode == 'I;16': + nchannel = 1 + else: + nchannel = len(pic.mode) + img = img.view(pic.size[1], pic.size[0], nchannel) + + img = img.transpose(0, 1).transpose(0, 2).contiguous() + if isinstance(img, torch.ByteTensor): + return img.float() + else: + return img + + +class SunRGBD(Dataset): + def __init__(self, data_dir_root): + # test_file_dirs = loadmat(train_test_file)['alltest'].squeeze() + # all_test = [t[0].replace("/n/fs/sun3d/data/", "") for t in test_file_dirs] + # self.all_test = [os.path.join(data_dir_root, t) for t in all_test] + import glob + self.image_files = glob.glob( + os.path.join(data_dir_root, 'rgb', 'rgb', '*')) + self.depth_files = [ + r.replace("rgb/rgb", "gt/gt").replace("jpg", "png") for r in self.image_files] + self.transform = ToTensor() + + def __getitem__(self, idx): + image_path = self.image_files[idx] + depth_path = self.depth_files[idx] + + image = np.asarray(Image.open(image_path), dtype=np.float32) / 255.0 + depth = np.asarray(Image.open(depth_path), dtype='uint16') / 1000.0 + depth[depth > 8] = -1 + depth = depth[..., None] + return self.transform(dict(image=image, depth=depth)) + + def __len__(self): + return len(self.image_files) + + +def get_sunrgbd_loader(data_dir_root, batch_size=1, **kwargs): + dataset = SunRGBD(data_dir_root) + return DataLoader(dataset, batch_size, **kwargs) diff --git a/zoedepth/data/transforms.py b/zoedepth/data/transforms.py new file mode 100644 index 000000000..374416dff --- /dev/null +++ b/zoedepth/data/transforms.py @@ -0,0 +1,481 @@ +# MIT License + +# Copyright (c) 2022 Intelligent Systems Lab Org + +# 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. + +# File author: Shariq Farooq Bhat + +import math +import random + +import cv2 +import numpy as np + + +class RandomFliplr(object): + """Horizontal flip of the sample with given probability. + """ + + def __init__(self, probability=0.5): + """Init. + + Args: + probability (float, optional): Flip probability. Defaults to 0.5. + """ + self.__probability = probability + + def __call__(self, sample): + prob = random.random() + + if prob < self.__probability: + for k, v in sample.items(): + if len(v.shape) >= 2: + sample[k] = np.fliplr(v).copy() + + return sample + + +def apply_min_size(sample, size, image_interpolation_method=cv2.INTER_AREA): + """Rezise the sample to ensure the given size. Keeps aspect ratio. + + Args: + sample (dict): sample + size (tuple): image size + + Returns: + tuple: new size + """ + shape = list(sample["disparity"].shape) + + if shape[0] >= size[0] and shape[1] >= size[1]: + return sample + + scale = [0, 0] + scale[0] = size[0] / shape[0] + scale[1] = size[1] / shape[1] + + scale = max(scale) + + shape[0] = math.ceil(scale * shape[0]) + shape[1] = math.ceil(scale * shape[1]) + + # resize + sample["image"] = cv2.resize( + sample["image"], tuple(shape[::-1]), interpolation=image_interpolation_method + ) + + sample["disparity"] = cv2.resize( + sample["disparity"], tuple(shape[::-1]), interpolation=cv2.INTER_NEAREST + ) + sample["mask"] = cv2.resize( + sample["mask"].astype(np.float32), + tuple(shape[::-1]), + interpolation=cv2.INTER_NEAREST, + ) + sample["mask"] = sample["mask"].astype(bool) + + return tuple(shape) + + +class RandomCrop(object): + """Get a random crop of the sample with the given size (width, height). + """ + + def __init__( + self, + width, + height, + resize_if_needed=False, + image_interpolation_method=cv2.INTER_AREA, + ): + """Init. + + Args: + width (int): output width + height (int): output height + resize_if_needed (bool, optional): If True, sample might be upsampled to ensure + that a crop of size (width, height) is possbile. Defaults to False. + """ + self.__size = (height, width) + self.__resize_if_needed = resize_if_needed + self.__image_interpolation_method = image_interpolation_method + + def __call__(self, sample): + + shape = sample["disparity"].shape + + if self.__size[0] > shape[0] or self.__size[1] > shape[1]: + if self.__resize_if_needed: + shape = apply_min_size( + sample, self.__size, self.__image_interpolation_method + ) + else: + raise Exception( + "Output size {} bigger than input size {}.".format( + self.__size, shape + ) + ) + + offset = ( + np.random.randint(shape[0] - self.__size[0] + 1), + np.random.randint(shape[1] - self.__size[1] + 1), + ) + + for k, v in sample.items(): + if k == "code" or k == "basis": + continue + + if len(sample[k].shape) >= 2: + sample[k] = v[ + offset[0]: offset[0] + self.__size[0], + offset[1]: offset[1] + self.__size[1], + ] + + return sample + + +class Resize(object): + """Resize sample to given size (width, height). + """ + + def __init__( + self, + width, + height, + resize_target=True, + keep_aspect_ratio=False, + ensure_multiple_of=1, + resize_method="lower_bound", + image_interpolation_method=cv2.INTER_AREA, + letter_box=False, + ): + """Init. + + Args: + width (int): desired output width + height (int): desired output height + resize_target (bool, optional): + True: Resize the full sample (image, mask, target). + False: Resize image only. + Defaults to True. + keep_aspect_ratio (bool, optional): + True: Keep the aspect ratio of the input sample. + Output sample might not have the given width and height, and + resize behaviour depends on the parameter 'resize_method'. + Defaults to False. + ensure_multiple_of (int, optional): + Output width and height is constrained to be multiple of this parameter. + Defaults to 1. + resize_method (str, optional): + "lower_bound": Output will be at least as large as the given size. + "upper_bound": Output will be at max as large as the given size. (Output size might be smaller than given size.) + "minimal": Scale as least as possible. (Output size might be smaller than given size.) + Defaults to "lower_bound". + """ + self.__width = width + self.__height = height + + self.__resize_target = resize_target + self.__keep_aspect_ratio = keep_aspect_ratio + self.__multiple_of = ensure_multiple_of + self.__resize_method = resize_method + self.__image_interpolation_method = image_interpolation_method + self.__letter_box = letter_box + + def constrain_to_multiple_of(self, x, min_val=0, max_val=None): + y = (np.round(x / self.__multiple_of) * self.__multiple_of).astype(int) + + if max_val is not None and y > max_val: + y = (np.floor(x / self.__multiple_of) + * self.__multiple_of).astype(int) + + if y < min_val: + y = (np.ceil(x / self.__multiple_of) + * self.__multiple_of).astype(int) + + return y + + def get_size(self, width, height): + # determine new height and width + scale_height = self.__height / height + scale_width = self.__width / width + + if self.__keep_aspect_ratio: + if self.__resize_method == "lower_bound": + # scale such that output size is lower bound + if scale_width > scale_height: + # fit width + scale_height = scale_width + else: + # fit height + scale_width = scale_height + elif self.__resize_method == "upper_bound": + # scale such that output size is upper bound + if scale_width < scale_height: + # fit width + scale_height = scale_width + else: + # fit height + scale_width = scale_height + elif self.__resize_method == "minimal": + # scale as least as possbile + if abs(1 - scale_width) < abs(1 - scale_height): + # fit width + scale_height = scale_width + else: + # fit height + scale_width = scale_height + else: + raise ValueError( + f"resize_method {self.__resize_method} not implemented" + ) + + if self.__resize_method == "lower_bound": + new_height = self.constrain_to_multiple_of( + scale_height * height, min_val=self.__height + ) + new_width = self.constrain_to_multiple_of( + scale_width * width, min_val=self.__width + ) + elif self.__resize_method == "upper_bound": + new_height = self.constrain_to_multiple_of( + scale_height * height, max_val=self.__height + ) + new_width = self.constrain_to_multiple_of( + scale_width * width, max_val=self.__width + ) + elif self.__resize_method == "minimal": + new_height = self.constrain_to_multiple_of(scale_height * height) + new_width = self.constrain_to_multiple_of(scale_width * width) + else: + raise ValueError( + f"resize_method {self.__resize_method} not implemented") + + return (new_width, new_height) + + def make_letter_box(self, sample): + top = bottom = (self.__height - sample.shape[0]) // 2 + left = right = (self.__width - sample.shape[1]) // 2 + sample = cv2.copyMakeBorder( + sample, top, bottom, left, right, cv2.BORDER_CONSTANT, None, 0) + return sample + + def __call__(self, sample): + width, height = self.get_size( + sample["image"].shape[1], sample["image"].shape[0] + ) + + # resize sample + sample["image"] = cv2.resize( + sample["image"], + (width, height), + interpolation=self.__image_interpolation_method, + ) + + if self.__letter_box: + sample["image"] = self.make_letter_box(sample["image"]) + + if self.__resize_target: + if "disparity" in sample: + sample["disparity"] = cv2.resize( + sample["disparity"], + (width, height), + interpolation=cv2.INTER_NEAREST, + ) + + if self.__letter_box: + sample["disparity"] = self.make_letter_box( + sample["disparity"]) + + if "depth" in sample: + sample["depth"] = cv2.resize( + sample["depth"], (width, + height), interpolation=cv2.INTER_NEAREST + ) + + if self.__letter_box: + sample["depth"] = self.make_letter_box(sample["depth"]) + + sample["mask"] = cv2.resize( + sample["mask"].astype(np.float32), + (width, height), + interpolation=cv2.INTER_NEAREST, + ) + + if self.__letter_box: + sample["mask"] = self.make_letter_box(sample["mask"]) + + sample["mask"] = sample["mask"].astype(bool) + + return sample + + +class ResizeFixed(object): + def __init__(self, size): + self.__size = size + + def __call__(self, sample): + sample["image"] = cv2.resize( + sample["image"], self.__size[::-1], interpolation=cv2.INTER_LINEAR + ) + + sample["disparity"] = cv2.resize( + sample["disparity"], self.__size[::- + 1], interpolation=cv2.INTER_NEAREST + ) + + sample["mask"] = cv2.resize( + sample["mask"].astype(np.float32), + self.__size[::-1], + interpolation=cv2.INTER_NEAREST, + ) + sample["mask"] = sample["mask"].astype(bool) + + return sample + + +class Rescale(object): + """Rescale target values to the interval [0, max_val]. + If input is constant, values are set to max_val / 2. + """ + + def __init__(self, max_val=1.0, use_mask=True): + """Init. + + Args: + max_val (float, optional): Max output value. Defaults to 1.0. + use_mask (bool, optional): Only operate on valid pixels (mask == True). Defaults to True. + """ + self.__max_val = max_val + self.__use_mask = use_mask + + def __call__(self, sample): + disp = sample["disparity"] + + if self.__use_mask: + mask = sample["mask"] + else: + mask = np.ones_like(disp, dtype=np.bool) + + if np.sum(mask) == 0: + return sample + + min_val = np.min(disp[mask]) + max_val = np.max(disp[mask]) + + if max_val > min_val: + sample["disparity"][mask] = ( + (disp[mask] - min_val) / (max_val - min_val) * self.__max_val + ) + else: + sample["disparity"][mask] = np.ones_like( + disp[mask]) * self.__max_val / 2.0 + + return sample + + +# mean=[0.485, 0.456, 0.406], std=[0.229, 0.224, 0.225] +class NormalizeImage(object): + """Normlize image by given mean and std. + """ + + def __init__(self, mean, std): + self.__mean = mean + self.__std = std + + def __call__(self, sample): + sample["image"] = (sample["image"] - self.__mean) / self.__std + + return sample + + +class DepthToDisparity(object): + """Convert depth to disparity. Removes depth from sample. + """ + + def __init__(self, eps=1e-4): + self.__eps = eps + + def __call__(self, sample): + assert "depth" in sample + + sample["mask"][sample["depth"] < self.__eps] = False + + sample["disparity"] = np.zeros_like(sample["depth"]) + sample["disparity"][sample["depth"] >= self.__eps] = ( + 1.0 / sample["depth"][sample["depth"] >= self.__eps] + ) + + del sample["depth"] + + return sample + + +class DisparityToDepth(object): + """Convert disparity to depth. Removes disparity from sample. + """ + + def __init__(self, eps=1e-4): + self.__eps = eps + + def __call__(self, sample): + assert "disparity" in sample + + disp = np.abs(sample["disparity"]) + sample["mask"][disp < self.__eps] = False + + # print(sample["disparity"]) + # print(sample["mask"].sum()) + # exit() + + sample["depth"] = np.zeros_like(disp) + sample["depth"][disp >= self.__eps] = ( + 1.0 / disp[disp >= self.__eps] + ) + + del sample["disparity"] + + return sample + + +class PrepareForNet(object): + """Prepare sample for usage as network input. + """ + + def __init__(self): + pass + + def __call__(self, sample): + image = np.transpose(sample["image"], (2, 0, 1)) + sample["image"] = np.ascontiguousarray(image).astype(np.float32) + + if "mask" in sample: + sample["mask"] = sample["mask"].astype(np.float32) + sample["mask"] = np.ascontiguousarray(sample["mask"]) + + if "disparity" in sample: + disparity = sample["disparity"].astype(np.float32) + sample["disparity"] = np.ascontiguousarray(disparity) + + if "depth" in sample: + depth = sample["depth"].astype(np.float32) + sample["depth"] = np.ascontiguousarray(depth) + + return sample diff --git a/zoedepth/data/vkitti.py b/zoedepth/data/vkitti.py new file mode 100644 index 000000000..72a2e5a83 --- /dev/null +++ b/zoedepth/data/vkitti.py @@ -0,0 +1,151 @@ +# MIT License + +# Copyright (c) 2022 Intelligent Systems Lab Org + +# 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. + +# File author: Shariq Farooq Bhat + +import torch +from torch.utils.data import Dataset, DataLoader +from torchvision import transforms +import os + +from PIL import Image +import numpy as np +import cv2 + + +class ToTensor(object): + def __init__(self): + self.normalize = transforms.Normalize( + mean=[0.485, 0.456, 0.406], std=[0.229, 0.224, 0.225]) + # self.resize = transforms.Resize((375, 1242)) + + def __call__(self, sample): + image, depth = sample['image'], sample['depth'] + + image = self.to_tensor(image) + image = self.normalize(image) + depth = self.to_tensor(depth) + + # image = self.resize(image) + + return {'image': image, 'depth': depth, 'dataset': "vkitti"} + + def to_tensor(self, pic): + + if isinstance(pic, np.ndarray): + img = torch.from_numpy(pic.transpose((2, 0, 1))) + return img + + # # handle PIL Image + if pic.mode == 'I': + img = torch.from_numpy(np.array(pic, np.int32, copy=False)) + elif pic.mode == 'I;16': + img = torch.from_numpy(np.array(pic, np.int16, copy=False)) + else: + img = torch.ByteTensor( + torch.ByteStorage.from_buffer(pic.tobytes())) + # PIL image mode: 1, L, P, I, F, RGB, YCbCr, RGBA, CMYK + if pic.mode == 'YCbCr': + nchannel = 3 + elif pic.mode == 'I;16': + nchannel = 1 + else: + nchannel = len(pic.mode) + img = img.view(pic.size[1], pic.size[0], nchannel) + + img = img.transpose(0, 1).transpose(0, 2).contiguous() + if isinstance(img, torch.ByteTensor): + return img.float() + else: + return img + + +class VKITTI(Dataset): + def __init__(self, data_dir_root, do_kb_crop=True): + import glob + # image paths are of the form /{HR, LR}//{color, depth_filled}/*.png + self.image_files = glob.glob(os.path.join( + data_dir_root, "test_color", '*.png')) + self.depth_files = [r.replace("test_color", "test_depth") + for r in self.image_files] + self.do_kb_crop = True + self.transform = ToTensor() + + def __getitem__(self, idx): + image_path = self.image_files[idx] + depth_path = self.depth_files[idx] + + image = Image.open(image_path) + depth = Image.open(depth_path) + depth = cv2.imread(depth_path, cv2.IMREAD_ANYCOLOR | + cv2.IMREAD_ANYDEPTH) + print("dpeth min max", depth.min(), depth.max()) + + # print(np.shape(image)) + # print(np.shape(depth)) + + # depth[depth > 8] = -1 + + if self.do_kb_crop and False: + height = image.height + width = image.width + top_margin = int(height - 352) + left_margin = int((width - 1216) / 2) + depth = depth.crop( + (left_margin, top_margin, left_margin + 1216, top_margin + 352)) + image = image.crop( + (left_margin, top_margin, left_margin + 1216, top_margin + 352)) + # uv = uv[:, top_margin:top_margin + 352, left_margin:left_margin + 1216] + + image = np.asarray(image, dtype=np.float32) / 255.0 + # depth = np.asarray(depth, dtype=np.uint16) /1. + depth = depth[..., None] + sample = dict(image=image, depth=depth) + + # return sample + sample = self.transform(sample) + + if idx == 0: + print(sample["image"].shape) + + return sample + + def __len__(self): + return len(self.image_files) + + +def get_vkitti_loader(data_dir_root, batch_size=1, **kwargs): + dataset = VKITTI(data_dir_root) + return DataLoader(dataset, batch_size, **kwargs) + + +if __name__ == "__main__": + loader = get_vkitti_loader( + data_dir_root="/home/bhatsf/shortcuts/datasets/vkitti_test") + print("Total files", len(loader.dataset)) + for i, sample in enumerate(loader): + print(sample["image"].shape) + print(sample["depth"].shape) + print(sample["dataset"]) + print(sample['depth'].min(), sample['depth'].max()) + if i > 5: + break diff --git a/zoedepth/data/vkitti2.py b/zoedepth/data/vkitti2.py new file mode 100644 index 000000000..9bcfb0414 --- /dev/null +++ b/zoedepth/data/vkitti2.py @@ -0,0 +1,187 @@ +# MIT License + +# Copyright (c) 2022 Intelligent Systems Lab Org + +# 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. + +# File author: Shariq Farooq Bhat + +import os + +import cv2 +import numpy as np +import torch +from PIL import Image +from torch.utils.data import DataLoader, Dataset +from torchvision import transforms + + +class ToTensor(object): + def __init__(self): + # self.normalize = transforms.Normalize( + # mean=[0.485, 0.456, 0.406], std=[0.229, 0.224, 0.225]) + self.normalize = lambda x: x + # self.resize = transforms.Resize((375, 1242)) + + def __call__(self, sample): + image, depth = sample['image'], sample['depth'] + + image = self.to_tensor(image) + image = self.normalize(image) + depth = self.to_tensor(depth) + + # image = self.resize(image) + + return {'image': image, 'depth': depth, 'dataset': "vkitti"} + + def to_tensor(self, pic): + + if isinstance(pic, np.ndarray): + img = torch.from_numpy(pic.transpose((2, 0, 1))) + return img + + # # handle PIL Image + if pic.mode == 'I': + img = torch.from_numpy(np.array(pic, np.int32, copy=False)) + elif pic.mode == 'I;16': + img = torch.from_numpy(np.array(pic, np.int16, copy=False)) + else: + img = torch.ByteTensor( + torch.ByteStorage.from_buffer(pic.tobytes())) + # PIL image mode: 1, L, P, I, F, RGB, YCbCr, RGBA, CMYK + if pic.mode == 'YCbCr': + nchannel = 3 + elif pic.mode == 'I;16': + nchannel = 1 + else: + nchannel = len(pic.mode) + img = img.view(pic.size[1], pic.size[0], nchannel) + + img = img.transpose(0, 1).transpose(0, 2).contiguous() + if isinstance(img, torch.ByteTensor): + return img.float() + else: + return img + + +class VKITTI2(Dataset): + def __init__(self, data_dir_root, do_kb_crop=True, split="test"): + import glob + + # image paths are of the form /rgb///frames//Camera<0,1>/rgb_{}.jpg + self.image_files = glob.glob(os.path.join( + data_dir_root, "rgb", "**", "frames", "rgb", "Camera_0", '*.jpg'), recursive=True) + self.depth_files = [r.replace("/rgb/", "/depth/").replace( + "rgb_", "depth_").replace(".jpg", ".png") for r in self.image_files] + self.do_kb_crop = True + self.transform = ToTensor() + + # If train test split is not created, then create one. + # Split is such that 8% of the frames from each scene are used for testing. + if not os.path.exists(os.path.join(data_dir_root, "train.txt")): + import random + scenes = set([os.path.basename(os.path.dirname( + os.path.dirname(os.path.dirname(f)))) for f in self.image_files]) + train_files = [] + test_files = [] + for scene in scenes: + scene_files = [f for f in self.image_files if os.path.basename( + os.path.dirname(os.path.dirname(os.path.dirname(f)))) == scene] + random.shuffle(scene_files) + train_files.extend(scene_files[:int(len(scene_files) * 0.92)]) + test_files.extend(scene_files[int(len(scene_files) * 0.92):]) + with open(os.path.join(data_dir_root, "train.txt"), "w") as f: + f.write("\n".join(train_files)) + with open(os.path.join(data_dir_root, "test.txt"), "w") as f: + f.write("\n".join(test_files)) + + if split == "train": + with open(os.path.join(data_dir_root, "train.txt"), "r") as f: + self.image_files = f.read().splitlines() + self.depth_files = [r.replace("/rgb/", "/depth/").replace( + "rgb_", "depth_").replace(".jpg", ".png") for r in self.image_files] + elif split == "test": + with open(os.path.join(data_dir_root, "test.txt"), "r") as f: + self.image_files = f.read().splitlines() + self.depth_files = [r.replace("/rgb/", "/depth/").replace( + "rgb_", "depth_").replace(".jpg", ".png") for r in self.image_files] + + def __getitem__(self, idx): + image_path = self.image_files[idx] + depth_path = self.depth_files[idx] + + image = Image.open(image_path) + # depth = Image.open(depth_path) + depth = cv2.imread(depth_path, cv2.IMREAD_ANYCOLOR | + cv2.IMREAD_ANYDEPTH) / 100.0 # cm to m + depth = Image.fromarray(depth) + # print("dpeth min max", depth.min(), depth.max()) + + # print(np.shape(image)) + # print(np.shape(depth)) + + if self.do_kb_crop: + if idx == 0: + print("Using KB input crop") + height = image.height + width = image.width + top_margin = int(height - 352) + left_margin = int((width - 1216) / 2) + depth = depth.crop( + (left_margin, top_margin, left_margin + 1216, top_margin + 352)) + image = image.crop( + (left_margin, top_margin, left_margin + 1216, top_margin + 352)) + # uv = uv[:, top_margin:top_margin + 352, left_margin:left_margin + 1216] + + image = np.asarray(image, dtype=np.float32) / 255.0 + # depth = np.asarray(depth, dtype=np.uint16) /1. + depth = np.asarray(depth, dtype=np.float32) / 1. + depth[depth > 80] = -1 + + depth = depth[..., None] + sample = dict(image=image, depth=depth) + + # return sample + sample = self.transform(sample) + + if idx == 0: + print(sample["image"].shape) + + return sample + + def __len__(self): + return len(self.image_files) + + +def get_vkitti2_loader(data_dir_root, batch_size=1, **kwargs): + dataset = VKITTI2(data_dir_root) + return DataLoader(dataset, batch_size, **kwargs) + + +if __name__ == "__main__": + loader = get_vkitti2_loader( + data_dir_root="/home/bhatsf/shortcuts/datasets/vkitti2") + print("Total files", len(loader.dataset)) + for i, sample in enumerate(loader): + print(sample["image"].shape) + print(sample["depth"].shape) + print(sample["dataset"]) + print(sample['depth'].min(), sample['depth'].max()) + if i > 5: + break diff --git a/zoedepth/models/__init__.py b/zoedepth/models/__init__.py new file mode 100644 index 000000000..5f2668792 --- /dev/null +++ b/zoedepth/models/__init__.py @@ -0,0 +1,24 @@ +# MIT License + +# Copyright (c) 2022 Intelligent Systems Lab Org + +# 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. + +# File author: Shariq Farooq Bhat + diff --git a/zoedepth/models/base_models/__init__.py b/zoedepth/models/base_models/__init__.py new file mode 100644 index 000000000..5f2668792 --- /dev/null +++ b/zoedepth/models/base_models/__init__.py @@ -0,0 +1,24 @@ +# MIT License + +# Copyright (c) 2022 Intelligent Systems Lab Org + +# 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. + +# File author: Shariq Farooq Bhat + diff --git a/zoedepth/models/base_models/midas.py b/zoedepth/models/base_models/midas.py new file mode 100644 index 000000000..e26f85895 --- /dev/null +++ b/zoedepth/models/base_models/midas.py @@ -0,0 +1,377 @@ +# MIT License + +# Copyright (c) 2022 Intelligent Systems Lab Org + +# 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. + +# File author: Shariq Farooq Bhat + +import torch +import torch.nn as nn +import numpy as np +from torchvision.transforms import Normalize + + +def denormalize(x): + """Reverses the imagenet normalization applied to the input. + + Args: + x (torch.Tensor - shape(N,3,H,W)): input tensor + + Returns: + torch.Tensor - shape(N,3,H,W): Denormalized input + """ + mean = torch.Tensor([0.485, 0.456, 0.406]).view(1, 3, 1, 1).to(x.device) + std = torch.Tensor([0.229, 0.224, 0.225]).view(1, 3, 1, 1).to(x.device) + return x * std + mean + +def get_activation(name, bank): + def hook(model, input, output): + bank[name] = output + return hook + + +class Resize(object): + """Resize sample to given size (width, height). + """ + + def __init__( + self, + width, + height, + resize_target=True, + keep_aspect_ratio=False, + ensure_multiple_of=1, + resize_method="lower_bound", + ): + """Init. + Args: + width (int): desired output width + height (int): desired output height + resize_target (bool, optional): + True: Resize the full sample (image, mask, target). + False: Resize image only. + Defaults to True. + keep_aspect_ratio (bool, optional): + True: Keep the aspect ratio of the input sample. + Output sample might not have the given width and height, and + resize behaviour depends on the parameter 'resize_method'. + Defaults to False. + ensure_multiple_of (int, optional): + Output width and height is constrained to be multiple of this parameter. + Defaults to 1. + resize_method (str, optional): + "lower_bound": Output will be at least as large as the given size. + "upper_bound": Output will be at max as large as the given size. (Output size might be smaller than given size.) + "minimal": Scale as least as possible. (Output size might be smaller than given size.) + Defaults to "lower_bound". + """ + print("Params passed to Resize transform:") + print("\twidth: ", width) + print("\theight: ", height) + print("\tresize_target: ", resize_target) + print("\tkeep_aspect_ratio: ", keep_aspect_ratio) + print("\tensure_multiple_of: ", ensure_multiple_of) + print("\tresize_method: ", resize_method) + + self.__width = width + self.__height = height + + self.__keep_aspect_ratio = keep_aspect_ratio + self.__multiple_of = ensure_multiple_of + self.__resize_method = resize_method + + def constrain_to_multiple_of(self, x, min_val=0, max_val=None): + y = (np.round(x / self.__multiple_of) * self.__multiple_of).astype(int) + + if max_val is not None and y > max_val: + y = (np.floor(x / self.__multiple_of) + * self.__multiple_of).astype(int) + + if y < min_val: + y = (np.ceil(x / self.__multiple_of) + * self.__multiple_of).astype(int) + + return y + + def get_size(self, width, height): + # determine new height and width + scale_height = self.__height / height + scale_width = self.__width / width + + if self.__keep_aspect_ratio: + if self.__resize_method == "lower_bound": + # scale such that output size is lower bound + if scale_width > scale_height: + # fit width + scale_height = scale_width + else: + # fit height + scale_width = scale_height + elif self.__resize_method == "upper_bound": + # scale such that output size is upper bound + if scale_width < scale_height: + # fit width + scale_height = scale_width + else: + # fit height + scale_width = scale_height + elif self.__resize_method == "minimal": + # scale as least as possbile + if abs(1 - scale_width) < abs(1 - scale_height): + # fit width + scale_height = scale_width + else: + # fit height + scale_width = scale_height + else: + raise ValueError( + f"resize_method {self.__resize_method} not implemented" + ) + + if self.__resize_method == "lower_bound": + new_height = self.constrain_to_multiple_of( + scale_height * height, min_val=self.__height + ) + new_width = self.constrain_to_multiple_of( + scale_width * width, min_val=self.__width + ) + elif self.__resize_method == "upper_bound": + new_height = self.constrain_to_multiple_of( + scale_height * height, max_val=self.__height + ) + new_width = self.constrain_to_multiple_of( + scale_width * width, max_val=self.__width + ) + elif self.__resize_method == "minimal": + new_height = self.constrain_to_multiple_of(scale_height * height) + new_width = self.constrain_to_multiple_of(scale_width * width) + else: + raise ValueError( + f"resize_method {self.__resize_method} not implemented") + + return (new_width, new_height) + + def __call__(self, x): + width, height = self.get_size(*x.shape[-2:][::-1]) + return nn.functional.interpolate(x, (height, width), mode='bilinear', align_corners=True) + +class PrepForMidas(object): + def __init__(self, resize_mode="minimal", keep_aspect_ratio=True, img_size=384, do_resize=True): + if isinstance(img_size, int): + img_size = (img_size, img_size) + net_h, net_w = img_size + self.normalization = Normalize( + mean=[0.5, 0.5, 0.5], std=[0.5, 0.5, 0.5]) + self.resizer = Resize(net_w, net_h, keep_aspect_ratio=keep_aspect_ratio, ensure_multiple_of=32, resize_method=resize_mode) \ + if do_resize else nn.Identity() + + def __call__(self, x): + return self.normalization(self.resizer(x)) + + +class MidasCore(nn.Module): + def __init__(self, midas, trainable=False, fetch_features=True, layer_names=('out_conv', 'l4_rn', 'r4', 'r3', 'r2', 'r1'), freeze_bn=False, keep_aspect_ratio=True, + img_size=384, **kwargs): + """Midas Base model used for multi-scale feature extraction. + + Args: + midas (torch.nn.Module): Midas model. + trainable (bool, optional): Train midas model. Defaults to False. + fetch_features (bool, optional): Extract multi-scale features. Defaults to True. + layer_names (tuple, optional): Layers used for feature extraction. Order = (head output features, last layer features, ...decoder features). Defaults to ('out_conv', 'l4_rn', 'r4', 'r3', 'r2', 'r1'). + freeze_bn (bool, optional): Freeze BatchNorm. Generally results in better finetuning performance. Defaults to False. + keep_aspect_ratio (bool, optional): Keep the aspect ratio of input images while resizing. Defaults to True. + img_size (int, tuple, optional): Input resolution. Defaults to 384. + """ + super().__init__() + self.core = midas + self.output_channels = None + self.core_out = {} + self.trainable = trainable + self.fetch_features = fetch_features + # midas.scratch.output_conv = nn.Identity() + self.handles = [] + # self.layer_names = ['out_conv','l4_rn', 'r4', 'r3', 'r2', 'r1'] + self.layer_names = layer_names + + self.set_trainable(trainable) + self.set_fetch_features(fetch_features) + + self.prep = PrepForMidas(keep_aspect_ratio=keep_aspect_ratio, + img_size=img_size, do_resize=kwargs.get('do_resize', True)) + + if freeze_bn: + self.freeze_bn() + + def set_trainable(self, trainable): + self.trainable = trainable + if trainable: + self.unfreeze() + else: + self.freeze() + return self + + def set_fetch_features(self, fetch_features): + self.fetch_features = fetch_features + if fetch_features: + if len(self.handles) == 0: + self.attach_hooks(self.core) + else: + self.remove_hooks() + return self + + def freeze(self): + for p in self.parameters(): + p.requires_grad = False + self.trainable = False + return self + + def unfreeze(self): + for p in self.parameters(): + p.requires_grad = True + self.trainable = True + return self + + def freeze_bn(self): + for m in self.modules(): + if isinstance(m, nn.BatchNorm2d): + m.eval() + return self + + def forward(self, x, denorm=False, return_rel_depth=False): + with torch.no_grad(): + if denorm: + x = denormalize(x) + x = self.prep(x) + # print("Shape after prep: ", x.shape) + + with torch.set_grad_enabled(self.trainable): + + # print("Input size to Midascore", x.shape) + rel_depth = self.core(x) + # print("Output from midas shape", rel_depth.shape) + if not self.fetch_features: + return rel_depth + out = [self.core_out[k] for k in self.layer_names] + + if return_rel_depth: + return rel_depth, out + return out + + def get_rel_pos_params(self): + for name, p in self.core.pretrained.named_parameters(): + if "relative_position" in name: + yield p + + def get_enc_params_except_rel_pos(self): + for name, p in self.core.pretrained.named_parameters(): + if "relative_position" not in name: + yield p + + def freeze_encoder(self, freeze_rel_pos=False): + if freeze_rel_pos: + for p in self.core.pretrained.parameters(): + p.requires_grad = False + else: + for p in self.get_enc_params_except_rel_pos(): + p.requires_grad = False + return self + + def attach_hooks(self, midas): + if len(self.handles) > 0: + self.remove_hooks() + if "out_conv" in self.layer_names: + self.handles.append(list(midas.scratch.output_conv.children())[ + 3].register_forward_hook(get_activation("out_conv", self.core_out))) + if "r4" in self.layer_names: + self.handles.append(midas.scratch.refinenet4.register_forward_hook( + get_activation("r4", self.core_out))) + if "r3" in self.layer_names: + self.handles.append(midas.scratch.refinenet3.register_forward_hook( + get_activation("r3", self.core_out))) + if "r2" in self.layer_names: + self.handles.append(midas.scratch.refinenet2.register_forward_hook( + get_activation("r2", self.core_out))) + if "r1" in self.layer_names: + self.handles.append(midas.scratch.refinenet1.register_forward_hook( + get_activation("r1", self.core_out))) + if "l4_rn" in self.layer_names: + self.handles.append(midas.scratch.layer4_rn.register_forward_hook( + get_activation("l4_rn", self.core_out))) + + return self + + def remove_hooks(self): + for h in self.handles: + h.remove() + return self + + def __del__(self): + self.remove_hooks() + + def set_output_channels(self, model_type): + self.output_channels = MIDAS_SETTINGS[model_type] + + @staticmethod + def build(midas_model_type="DPT_BEiT_L_384", train_midas=False, use_pretrained_midas=True, fetch_features=False, freeze_bn=True, force_keep_ar=False, force_reload=False, **kwargs): + if midas_model_type not in MIDAS_SETTINGS: + raise ValueError( + f"Invalid model type: {midas_model_type}. Must be one of {list(MIDAS_SETTINGS.keys())}") + if "img_size" in kwargs: + kwargs = MidasCore.parse_img_size(kwargs) + img_size = kwargs.pop("img_size", [384, 384]) + print("img_size", img_size) + midas = torch.hub.load("intel-isl/MiDaS", midas_model_type, + pretrained=use_pretrained_midas, force_reload=force_reload) + kwargs.update({'keep_aspect_ratio': force_keep_ar}) + midas_core = MidasCore(midas, trainable=train_midas, fetch_features=fetch_features, + freeze_bn=freeze_bn, img_size=img_size, **kwargs) + midas_core.set_output_channels(midas_model_type) + return midas_core + + @staticmethod + def build_from_config(config): + return MidasCore.build(**config) + + @staticmethod + def parse_img_size(config): + assert 'img_size' in config + if isinstance(config['img_size'], str): + assert "," in config['img_size'], "img_size should be a string with comma separated img_size=H,W" + config['img_size'] = list(map(int, config['img_size'].split(","))) + assert len( + config['img_size']) == 2, "img_size should be a string with comma separated img_size=H,W" + elif isinstance(config['img_size'], int): + config['img_size'] = [config['img_size'], config['img_size']] + else: + assert isinstance(config['img_size'], list) and len( + config['img_size']) == 2, "img_size should be a list of H,W" + return config + + +nchannels2models = { + tuple([256]*5): ["DPT_BEiT_L_384", "DPT_BEiT_L_512", "DPT_BEiT_B_384", "DPT_SwinV2_L_384", "DPT_SwinV2_B_384", "DPT_SwinV2_T_256", "DPT_Large", "DPT_Hybrid"], + (512, 256, 128, 64, 64): ["MiDaS_small"] +} + +# Model name to number of output channels +MIDAS_SETTINGS = {m: k for k, v in nchannels2models.items() + for m in v + } diff --git a/zoedepth/models/builder.py b/zoedepth/models/builder.py new file mode 100644 index 000000000..4363d5968 --- /dev/null +++ b/zoedepth/models/builder.py @@ -0,0 +1,51 @@ +# MIT License + +# Copyright (c) 2022 Intelligent Systems Lab Org + +# 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. + +# File author: Shariq Farooq Bhat + +from importlib import import_module +from zoedepth.models.depth_model import DepthModel + +def build_model(config) -> DepthModel: + """Builds a model from a config. The model is specified by the model name and version in the config. The model is then constructed using the build_from_config function of the model interface. + This function should be used to construct models for training and evaluation. + + Args: + config (dict): Config dict. Config is constructed in utils/config.py. Each model has its own config file(s) saved in its root model folder. + + Returns: + torch.nn.Module: Model corresponding to name and version as specified in config + """ + module_name = f"zoedepth.models.{config.model}" + try: + module = import_module(module_name) + except ModuleNotFoundError as e: + # print the original error message + print(e) + raise ValueError( + f"Model {config.model} not found. Refer above error for details.") from e + try: + get_version = getattr(module, "get_version") + except AttributeError as e: + raise ValueError( + f"Model {config.model} has no get_version function.") from e + return get_version(config.version_name).build_from_config(config) diff --git a/zoedepth/models/depth_model.py b/zoedepth/models/depth_model.py new file mode 100644 index 000000000..fc421c108 --- /dev/null +++ b/zoedepth/models/depth_model.py @@ -0,0 +1,152 @@ +# MIT License + +# Copyright (c) 2022 Intelligent Systems Lab Org + +# 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. + +# File author: Shariq Farooq Bhat + +import numpy as np +import torch +import torch.nn as nn +import torch.nn.functional as F +from torchvision import transforms +import PIL.Image +from PIL import Image +from typing import Union + + +class DepthModel(nn.Module): + def __init__(self): + super().__init__() + self.device = 'cpu' + + def to(self, device) -> nn.Module: + self.device = device + return super().to(device) + + def forward(self, x, *args, **kwargs): + raise NotImplementedError + + def _infer(self, x: torch.Tensor): + """ + Inference interface for the model + Args: + x (torch.Tensor): input tensor of shape (b, c, h, w) + Returns: + torch.Tensor: output tensor of shape (b, 1, h, w) + """ + return self(x)['metric_depth'] + + def _infer_with_pad_aug(self, x: torch.Tensor, pad_input: bool=True, fh: float=3, fw: float=3, upsampling_mode: str='bicubic', padding_mode="reflect", **kwargs) -> torch.Tensor: + """ + Inference interface for the model with padding augmentation + Padding augmentation fixes the boundary artifacts in the output depth map. + Boundary artifacts are sometimes caused by the fact that the model is trained on NYU raw dataset which has a black or white border around the image. + This augmentation pads the input image and crops the prediction back to the original size / view. + + Note: This augmentation is not required for the models trained with 'avoid_boundary'=True. + Args: + x (torch.Tensor): input tensor of shape (b, c, h, w) + pad_input (bool, optional): whether to pad the input or not. Defaults to True. + fh (float, optional): height padding factor. The padding is calculated as sqrt(h/2) * fh. Defaults to 3. + fw (float, optional): width padding factor. The padding is calculated as sqrt(w/2) * fw. Defaults to 3. + upsampling_mode (str, optional): upsampling mode. Defaults to 'bicubic'. + padding_mode (str, optional): padding mode. Defaults to "reflect". + Returns: + torch.Tensor: output tensor of shape (b, 1, h, w) + """ + # assert x is nchw and c = 3 + assert x.dim() == 4, "x must be 4 dimensional, got {}".format(x.dim()) + assert x.shape[1] == 3, "x must have 3 channels, got {}".format(x.shape[1]) + + if pad_input: + assert fh > 0 or fw > 0, "atlease one of fh and fw must be greater than 0" + pad_h = int(np.sqrt(x.shape[2]/2) * fh) + pad_w = int(np.sqrt(x.shape[3]/2) * fw) + padding = [pad_w, pad_w] + if pad_h > 0: + padding += [pad_h, pad_h] + + x = F.pad(x, padding, mode=padding_mode, **kwargs) + out = self._infer(x) + if out.shape[-2:] != x.shape[-2:]: + out = F.interpolate(out, size=(x.shape[2], x.shape[3]), mode=upsampling_mode, align_corners=False) + if pad_input: + # crop to the original size, handling the case where pad_h and pad_w is 0 + if pad_h > 0: + out = out[:, :, pad_h:-pad_h,:] + if pad_w > 0: + out = out[:, :, :, pad_w:-pad_w] + return out + + def infer_with_flip_aug(self, x, pad_input: bool=True, **kwargs) -> torch.Tensor: + """ + Inference interface for the model with horizontal flip augmentation + Horizontal flip augmentation improves the accuracy of the model by averaging the output of the model with and without horizontal flip. + Args: + x (torch.Tensor): input tensor of shape (b, c, h, w) + pad_input (bool, optional): whether to use padding augmentation. Defaults to True. + Returns: + torch.Tensor: output tensor of shape (b, 1, h, w) + """ + # infer with horizontal flip and average + out = self._infer_with_pad_aug(x, pad_input=pad_input, **kwargs) + out_flip = self._infer_with_pad_aug(torch.flip(x, dims=[3]), pad_input=pad_input, **kwargs) + out = (out + torch.flip(out_flip, dims=[3])) / 2 + return out + + def infer(self, x, pad_input: bool=True, with_flip_aug: bool=True, **kwargs) -> torch.Tensor: + """ + Inference interface for the model + Args: + x (torch.Tensor): input tensor of shape (b, c, h, w) + pad_input (bool, optional): whether to use padding augmentation. Defaults to True. + with_flip_aug (bool, optional): whether to use horizontal flip augmentation. Defaults to True. + Returns: + torch.Tensor: output tensor of shape (b, 1, h, w) + """ + if with_flip_aug: + return self.infer_with_flip_aug(x, pad_input=pad_input, **kwargs) + else: + return self._infer_with_pad_aug(x, pad_input=pad_input, **kwargs) + + @torch.no_grad() + def infer_pil(self, pil_img, pad_input: bool=True, with_flip_aug: bool=True, output_type: str="numpy", **kwargs) -> Union[np.ndarray, PIL.Image.Image, torch.Tensor]: + """ + Inference interface for the model for PIL image + Args: + pil_img (PIL.Image.Image): input PIL image + pad_input (bool, optional): whether to use padding augmentation. Defaults to True. + with_flip_aug (bool, optional): whether to use horizontal flip augmentation. Defaults to True. + output_type (str, optional): output type. Supported values are 'numpy', 'pil' and 'tensor'. Defaults to "numpy". + """ + x = transforms.ToTensor()(pil_img).unsqueeze(0).to(self.device) + out_tensor = self.infer(x, pad_input=pad_input, with_flip_aug=with_flip_aug, **kwargs) + if output_type == "numpy": + return out_tensor.squeeze().cpu().numpy() + elif output_type == "pil": + # uint16 is required for depth pil image + out_16bit_numpy = (out_tensor.squeeze().cpu().numpy()*256).astype(np.uint16) + return Image.fromarray(out_16bit_numpy) + elif output_type == "tensor": + return out_tensor.squeeze().cpu() + else: + raise ValueError(f"output_type {output_type} not supported. Supported values are 'numpy', 'pil' and 'tensor'") + \ No newline at end of file diff --git a/zoedepth/models/layers/attractor.py b/zoedepth/models/layers/attractor.py new file mode 100644 index 000000000..2a8efe645 --- /dev/null +++ b/zoedepth/models/layers/attractor.py @@ -0,0 +1,208 @@ +# MIT License + +# Copyright (c) 2022 Intelligent Systems Lab Org + +# 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. + +# File author: Shariq Farooq Bhat + +import torch +import torch.nn as nn + + +@torch.jit.script +def exp_attractor(dx, alpha: float = 300, gamma: int = 2): + """Exponential attractor: dc = exp(-alpha*|dx|^gamma) * dx , where dx = a - c, a = attractor point, c = bin center, dc = shift in bin centermmary for exp_attractor + + Args: + dx (torch.Tensor): The difference tensor dx = Ai - Cj, where Ai is the attractor point and Cj is the bin center. + alpha (float, optional): Proportional Attractor strength. Determines the absolute strength. Lower alpha = greater attraction. Defaults to 300. + gamma (int, optional): Exponential Attractor strength. Determines the "region of influence" and indirectly number of bin centers affected. Lower gamma = farther reach. Defaults to 2. + + Returns: + torch.Tensor : Delta shifts - dc; New bin centers = Old bin centers + dc + """ + return torch.exp(-alpha*(torch.abs(dx)**gamma)) * (dx) + + +@torch.jit.script +def inv_attractor(dx, alpha: float = 300, gamma: int = 2): + """Inverse attractor: dc = dx / (1 + alpha*dx^gamma), where dx = a - c, a = attractor point, c = bin center, dc = shift in bin center + This is the default one according to the accompanying paper. + + Args: + dx (torch.Tensor): The difference tensor dx = Ai - Cj, where Ai is the attractor point and Cj is the bin center. + alpha (float, optional): Proportional Attractor strength. Determines the absolute strength. Lower alpha = greater attraction. Defaults to 300. + gamma (int, optional): Exponential Attractor strength. Determines the "region of influence" and indirectly number of bin centers affected. Lower gamma = farther reach. Defaults to 2. + + Returns: + torch.Tensor: Delta shifts - dc; New bin centers = Old bin centers + dc + """ + return dx.div(1+alpha*dx.pow(gamma)) + + +class AttractorLayer(nn.Module): + def __init__(self, in_features, n_bins, n_attractors=16, mlp_dim=128, min_depth=1e-3, max_depth=10, + alpha=300, gamma=2, kind='sum', attractor_type='exp', memory_efficient=False): + """ + Attractor layer for bin centers. Bin centers are bounded on the interval (min_depth, max_depth) + """ + super().__init__() + + self.n_attractors = n_attractors + self.n_bins = n_bins + self.min_depth = min_depth + self.max_depth = max_depth + self.alpha = alpha + self.gamma = gamma + self.kind = kind + self.attractor_type = attractor_type + self.memory_efficient = memory_efficient + + self._net = nn.Sequential( + nn.Conv2d(in_features, mlp_dim, 1, 1, 0), + nn.ReLU(inplace=True), + nn.Conv2d(mlp_dim, n_attractors*2, 1, 1, 0), # x2 for linear norm + nn.ReLU(inplace=True) + ) + + def forward(self, x, b_prev, prev_b_embedding=None, interpolate=True, is_for_query=False): + """ + Args: + x (torch.Tensor) : feature block; shape - n, c, h, w + b_prev (torch.Tensor) : previous bin centers normed; shape - n, prev_nbins, h, w + + Returns: + tuple(torch.Tensor,torch.Tensor) : new bin centers normed and scaled; shape - n, nbins, h, w + """ + if prev_b_embedding is not None: + if interpolate: + prev_b_embedding = nn.functional.interpolate( + prev_b_embedding, x.shape[-2:], mode='bilinear', align_corners=True) + x = x + prev_b_embedding + + A = self._net(x) + eps = 1e-3 + A = A + eps + n, c, h, w = A.shape + A = A.view(n, self.n_attractors, 2, h, w) + A_normed = A / A.sum(dim=2, keepdim=True) # n, a, 2, h, w + A_normed = A[:, :, 0, ...] # n, na, h, w + + b_prev = nn.functional.interpolate( + b_prev, (h, w), mode='bilinear', align_corners=True) + b_centers = b_prev + + if self.attractor_type == 'exp': + dist = exp_attractor + else: + dist = inv_attractor + + if not self.memory_efficient: + func = {'mean': torch.mean, 'sum': torch.sum}[self.kind] + # .shape N, nbins, h, w + delta_c = func(dist(A_normed.unsqueeze( + 2) - b_centers.unsqueeze(1)), dim=1) + else: + delta_c = torch.zeros_like(b_centers, device=b_centers.device) + for i in range(self.n_attractors): + # .shape N, nbins, h, w + delta_c += dist(A_normed[:, i, ...].unsqueeze(1) - b_centers) + + if self.kind == 'mean': + delta_c = delta_c / self.n_attractors + + b_new_centers = b_centers + delta_c + B_centers = (self.max_depth - self.min_depth) * \ + b_new_centers + self.min_depth + B_centers, _ = torch.sort(B_centers, dim=1) + B_centers = torch.clip(B_centers, self.min_depth, self.max_depth) + return b_new_centers, B_centers + + +class AttractorLayerUnnormed(nn.Module): + def __init__(self, in_features, n_bins, n_attractors=16, mlp_dim=128, min_depth=1e-3, max_depth=10, + alpha=300, gamma=2, kind='sum', attractor_type='exp', memory_efficient=False): + """ + Attractor layer for bin centers. Bin centers are unbounded + """ + super().__init__() + + self.n_attractors = n_attractors + self.n_bins = n_bins + self.min_depth = min_depth + self.max_depth = max_depth + self.alpha = alpha + self.gamma = gamma + self.kind = kind + self.attractor_type = attractor_type + self.memory_efficient = memory_efficient + + self._net = nn.Sequential( + nn.Conv2d(in_features, mlp_dim, 1, 1, 0), + nn.ReLU(inplace=True), + nn.Conv2d(mlp_dim, n_attractors, 1, 1, 0), + nn.Softplus() + ) + + def forward(self, x, b_prev, prev_b_embedding=None, interpolate=True, is_for_query=False): + """ + Args: + x (torch.Tensor) : feature block; shape - n, c, h, w + b_prev (torch.Tensor) : previous bin centers normed; shape - n, prev_nbins, h, w + + Returns: + tuple(torch.Tensor,torch.Tensor) : new bin centers unbounded; shape - n, nbins, h, w. Two outputs just to keep the API consistent with the normed version + """ + if prev_b_embedding is not None: + if interpolate: + prev_b_embedding = nn.functional.interpolate( + prev_b_embedding, x.shape[-2:], mode='bilinear', align_corners=True) + x = x + prev_b_embedding + + A = self._net(x) + n, c, h, w = A.shape + + b_prev = nn.functional.interpolate( + b_prev, (h, w), mode='bilinear', align_corners=True) + b_centers = b_prev + + if self.attractor_type == 'exp': + dist = exp_attractor + else: + dist = inv_attractor + + if not self.memory_efficient: + func = {'mean': torch.mean, 'sum': torch.sum}[self.kind] + # .shape N, nbins, h, w + delta_c = func( + dist(A.unsqueeze(2) - b_centers.unsqueeze(1)), dim=1) + else: + delta_c = torch.zeros_like(b_centers, device=b_centers.device) + for i in range(self.n_attractors): + delta_c += dist(A[:, i, ...].unsqueeze(1) - + b_centers) # .shape N, nbins, h, w + + if self.kind == 'mean': + delta_c = delta_c / self.n_attractors + + b_new_centers = b_centers + delta_c + B_centers = b_new_centers + + return b_new_centers, B_centers diff --git a/zoedepth/models/layers/dist_layers.py b/zoedepth/models/layers/dist_layers.py new file mode 100644 index 000000000..3208405df --- /dev/null +++ b/zoedepth/models/layers/dist_layers.py @@ -0,0 +1,121 @@ +# MIT License + +# Copyright (c) 2022 Intelligent Systems Lab Org + +# 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. + +# File author: Shariq Farooq Bhat + +import torch +import torch.nn as nn + + +def log_binom(n, k, eps=1e-7): + """ log(nCk) using stirling approximation """ + n = n + eps + k = k + eps + return n * torch.log(n) - k * torch.log(k) - (n-k) * torch.log(n-k+eps) + + +class LogBinomial(nn.Module): + def __init__(self, n_classes=256, act=torch.softmax): + """Compute log binomial distribution for n_classes + + Args: + n_classes (int, optional): number of output classes. Defaults to 256. + """ + super().__init__() + self.K = n_classes + self.act = act + self.register_buffer('k_idx', torch.arange( + 0, n_classes).view(1, -1, 1, 1)) + self.register_buffer('K_minus_1', torch.Tensor( + [self.K-1]).view(1, -1, 1, 1)) + + def forward(self, x, t=1., eps=1e-4): + """Compute log binomial distribution for x + + Args: + x (torch.Tensor - NCHW): probabilities + t (float, torch.Tensor - NCHW, optional): Temperature of distribution. Defaults to 1.. + eps (float, optional): Small number for numerical stability. Defaults to 1e-4. + + Returns: + torch.Tensor -NCHW: log binomial distribution logbinomial(p;t) + """ + if x.ndim == 3: + x = x.unsqueeze(1) # make it nchw + + one_minus_x = torch.clamp(1 - x, eps, 1) + x = torch.clamp(x, eps, 1) + y = log_binom(self.K_minus_1, self.k_idx) + self.k_idx * \ + torch.log(x) + (self.K - 1 - self.k_idx) * torch.log(one_minus_x) + return self.act(y/t, dim=1) + + +class ConditionalLogBinomial(nn.Module): + def __init__(self, in_features, condition_dim, n_classes=256, bottleneck_factor=2, p_eps=1e-4, max_temp=50, min_temp=1e-7, act=torch.softmax): + """Conditional Log Binomial distribution + + Args: + in_features (int): number of input channels in main feature + condition_dim (int): number of input channels in condition feature + n_classes (int, optional): Number of classes. Defaults to 256. + bottleneck_factor (int, optional): Hidden dim factor. Defaults to 2. + p_eps (float, optional): small eps value. Defaults to 1e-4. + max_temp (float, optional): Maximum temperature of output distribution. Defaults to 50. + min_temp (float, optional): Minimum temperature of output distribution. Defaults to 1e-7. + """ + super().__init__() + self.p_eps = p_eps + self.max_temp = max_temp + self.min_temp = min_temp + self.log_binomial_transform = LogBinomial(n_classes, act=act) + bottleneck = (in_features + condition_dim) // bottleneck_factor + self.mlp = nn.Sequential( + nn.Conv2d(in_features + condition_dim, bottleneck, + kernel_size=1, stride=1, padding=0), + nn.GELU(), + # 2 for p linear norm, 2 for t linear norm + nn.Conv2d(bottleneck, 2+2, kernel_size=1, stride=1, padding=0), + nn.Softplus() + ) + + def forward(self, x, cond): + """Forward pass + + Args: + x (torch.Tensor - NCHW): Main feature + cond (torch.Tensor - NCHW): condition feature + + Returns: + torch.Tensor: Output log binomial distribution + """ + pt = self.mlp(torch.concat((x, cond), dim=1)) + p, t = pt[:, :2, ...], pt[:, 2:, ...] + + p = p + self.p_eps + p = p[:, 0, ...] / (p[:, 0, ...] + p[:, 1, ...]) + + t = t + self.p_eps + t = t[:, 0, ...] / (t[:, 0, ...] + t[:, 1, ...]) + t = t.unsqueeze(1) + t = (self.max_temp - self.min_temp) * t + self.min_temp + + return self.log_binomial_transform(p, t) diff --git a/zoedepth/models/layers/localbins_layers.py b/zoedepth/models/layers/localbins_layers.py new file mode 100644 index 000000000..f94481605 --- /dev/null +++ b/zoedepth/models/layers/localbins_layers.py @@ -0,0 +1,169 @@ +# MIT License + +# Copyright (c) 2022 Intelligent Systems Lab Org + +# 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. + +# File author: Shariq Farooq Bhat + +import torch +import torch.nn as nn + + +class SeedBinRegressor(nn.Module): + def __init__(self, in_features, n_bins=16, mlp_dim=256, min_depth=1e-3, max_depth=10): + """Bin center regressor network. Bin centers are bounded on (min_depth, max_depth) interval. + + Args: + in_features (int): input channels + n_bins (int, optional): Number of bin centers. Defaults to 16. + mlp_dim (int, optional): Hidden dimension. Defaults to 256. + min_depth (float, optional): Min depth value. Defaults to 1e-3. + max_depth (float, optional): Max depth value. Defaults to 10. + """ + super().__init__() + self.version = "1_1" + self.min_depth = min_depth + self.max_depth = max_depth + + self._net = nn.Sequential( + nn.Conv2d(in_features, mlp_dim, 1, 1, 0), + nn.ReLU(inplace=True), + nn.Conv2d(mlp_dim, n_bins, 1, 1, 0), + nn.ReLU(inplace=True) + ) + + def forward(self, x): + """ + Returns tensor of bin_width vectors (centers). One vector b for every pixel + """ + B = self._net(x) + eps = 1e-3 + B = B + eps + B_widths_normed = B / B.sum(dim=1, keepdim=True) + B_widths = (self.max_depth - self.min_depth) * \ + B_widths_normed # .shape NCHW + # pad has the form (left, right, top, bottom, front, back) + B_widths = nn.functional.pad( + B_widths, (0, 0, 0, 0, 1, 0), mode='constant', value=self.min_depth) + B_edges = torch.cumsum(B_widths, dim=1) # .shape NCHW + + B_centers = 0.5 * (B_edges[:, :-1, ...] + B_edges[:, 1:, ...]) + return B_widths_normed, B_centers + + +class SeedBinRegressorUnnormed(nn.Module): + def __init__(self, in_features, n_bins=16, mlp_dim=256, min_depth=1e-3, max_depth=10): + """Bin center regressor network. Bin centers are unbounded + + Args: + in_features (int): input channels + n_bins (int, optional): Number of bin centers. Defaults to 16. + mlp_dim (int, optional): Hidden dimension. Defaults to 256. + min_depth (float, optional): Not used. (for compatibility with SeedBinRegressor) + max_depth (float, optional): Not used. (for compatibility with SeedBinRegressor) + """ + super().__init__() + self.version = "1_1" + self._net = nn.Sequential( + nn.Conv2d(in_features, mlp_dim, 1, 1, 0), + nn.ReLU(inplace=True), + nn.Conv2d(mlp_dim, n_bins, 1, 1, 0), + nn.Softplus() + ) + + def forward(self, x): + """ + Returns tensor of bin_width vectors (centers). One vector b for every pixel + """ + B_centers = self._net(x) + return B_centers, B_centers + + +class Projector(nn.Module): + def __init__(self, in_features, out_features, mlp_dim=128): + """Projector MLP + + Args: + in_features (int): input channels + out_features (int): output channels + mlp_dim (int, optional): hidden dimension. Defaults to 128. + """ + super().__init__() + + self._net = nn.Sequential( + nn.Conv2d(in_features, mlp_dim, 1, 1, 0), + nn.ReLU(inplace=True), + nn.Conv2d(mlp_dim, out_features, 1, 1, 0), + ) + + def forward(self, x): + return self._net(x) + + + +class LinearSplitter(nn.Module): + def __init__(self, in_features, prev_nbins, split_factor=2, mlp_dim=128, min_depth=1e-3, max_depth=10): + super().__init__() + + self.prev_nbins = prev_nbins + self.split_factor = split_factor + self.min_depth = min_depth + self.max_depth = max_depth + + self._net = nn.Sequential( + nn.Conv2d(in_features, mlp_dim, 1, 1, 0), + nn.GELU(), + nn.Conv2d(mlp_dim, prev_nbins * split_factor, 1, 1, 0), + nn.ReLU() + ) + + def forward(self, x, b_prev, prev_b_embedding=None, interpolate=True, is_for_query=False): + """ + x : feature block; shape - n, c, h, w + b_prev : previous bin widths normed; shape - n, prev_nbins, h, w + """ + if prev_b_embedding is not None: + if interpolate: + prev_b_embedding = nn.functional.interpolate(prev_b_embedding, x.shape[-2:], mode='bilinear', align_corners=True) + x = x + prev_b_embedding + S = self._net(x) + eps = 1e-3 + S = S + eps + n, c, h, w = S.shape + S = S.view(n, self.prev_nbins, self.split_factor, h, w) + S_normed = S / S.sum(dim=2, keepdim=True) # fractional splits + + b_prev = nn.functional.interpolate(b_prev, (h,w), mode='bilinear', align_corners=True) + + + b_prev = b_prev / b_prev.sum(dim=1, keepdim=True) # renormalize for gurantees + # print(b_prev.shape, S_normed.shape) + # if is_for_query:(1).expand(-1, b_prev.size(0)//n, -1, -1, -1, -1).flatten(0,1) # TODO ? can replace all this with a single torch.repeat? + b = b_prev.unsqueeze(2) * S_normed + b = b.flatten(1,2) # .shape n, prev_nbins * split_factor, h, w + + # calculate bin centers for loss calculation + B_widths = (self.max_depth - self.min_depth) * b # .shape N, nprev * splitfactor, H, W + # pad has the form (left, right, top, bottom, front, back) + B_widths = nn.functional.pad(B_widths, (0,0,0,0,1,0), mode='constant', value=self.min_depth) + B_edges = torch.cumsum(B_widths, dim=1) # .shape NCHW + + B_centers = 0.5 * (B_edges[:, :-1, ...] + B_edges[:,1:,...]) + return b, B_centers \ No newline at end of file diff --git a/zoedepth/models/layers/patch_transformer.py b/zoedepth/models/layers/patch_transformer.py new file mode 100644 index 000000000..99d9e51a0 --- /dev/null +++ b/zoedepth/models/layers/patch_transformer.py @@ -0,0 +1,91 @@ +# MIT License + +# Copyright (c) 2022 Intelligent Systems Lab Org + +# 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. + +# File author: Shariq Farooq Bhat + +import torch +import torch.nn as nn + + +class PatchTransformerEncoder(nn.Module): + def __init__(self, in_channels, patch_size=10, embedding_dim=128, num_heads=4, use_class_token=False): + """ViT-like transformer block + + Args: + in_channels (int): Input channels + patch_size (int, optional): patch size. Defaults to 10. + embedding_dim (int, optional): Embedding dimension in transformer model. Defaults to 128. + num_heads (int, optional): number of attention heads. Defaults to 4. + use_class_token (bool, optional): Whether to use extra token at the start for global accumulation (called as "class token"). Defaults to False. + """ + super(PatchTransformerEncoder, self).__init__() + self.use_class_token = use_class_token + encoder_layers = nn.TransformerEncoderLayer( + embedding_dim, num_heads, dim_feedforward=1024) + self.transformer_encoder = nn.TransformerEncoder( + encoder_layers, num_layers=4) # takes shape S,N,E + + self.embedding_convPxP = nn.Conv2d(in_channels, embedding_dim, + kernel_size=patch_size, stride=patch_size, padding=0) + + def positional_encoding_1d(self, sequence_length, batch_size, embedding_dim, device='cpu'): + """Generate positional encodings + + Args: + sequence_length (int): Sequence length + embedding_dim (int): Embedding dimension + + Returns: + torch.Tensor SBE: Positional encodings + """ + position = torch.arange( + 0, sequence_length, dtype=torch.float32, device=device).unsqueeze(1) + index = torch.arange( + 0, embedding_dim, 2, dtype=torch.float32, device=device).unsqueeze(0) + div_term = torch.exp(index * (-torch.log(torch.tensor(10000.0, device=device)) / embedding_dim)) + pos_encoding = position * div_term + pos_encoding = torch.cat([torch.sin(pos_encoding), torch.cos(pos_encoding)], dim=1) + pos_encoding = pos_encoding.unsqueeze(1).repeat(1, batch_size, 1) + return pos_encoding + + + def forward(self, x): + """Forward pass + + Args: + x (torch.Tensor - NCHW): Input feature tensor + + Returns: + torch.Tensor - SNE: Transformer output embeddings. S - sequence length (=HW/patch_size^2), N - batch size, E - embedding dim + """ + embeddings = self.embedding_convPxP(x).flatten( + 2) # .shape = n,c,s = n, embedding_dim, s + if self.use_class_token: + # extra special token at start ? + embeddings = nn.functional.pad(embeddings, (1, 0)) + + # change to S,N,E format required by transformer + embeddings = embeddings.permute(2, 0, 1) + S, N, E = embeddings.shape + embeddings = embeddings + self.positional_encoding_1d(S, N, E, device=embeddings.device) + x = self.transformer_encoder(embeddings) # .shape = S, N, E + return x diff --git a/zoedepth/models/model_io.py b/zoedepth/models/model_io.py new file mode 100644 index 000000000..53c32ffea --- /dev/null +++ b/zoedepth/models/model_io.py @@ -0,0 +1,92 @@ +# MIT License + +# Copyright (c) 2022 Intelligent Systems Lab Org + +# 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. + +# File author: Shariq Farooq Bhat + +import torch + +def load_state_dict(model, state_dict): + """Load state_dict into model, handling DataParallel and DistributedDataParallel. Also checks for "model" key in state_dict. + + DataParallel prefixes state_dict keys with 'module.' when saving. + If the model is not a DataParallel model but the state_dict is, then prefixes are removed. + If the model is a DataParallel model but the state_dict is not, then prefixes are added. + """ + state_dict = state_dict.get('model', state_dict) + # if model is a DataParallel model, then state_dict keys are prefixed with 'module.' + + do_prefix = isinstance( + model, (torch.nn.DataParallel, torch.nn.parallel.DistributedDataParallel)) + state = {} + for k, v in state_dict.items(): + if k.startswith('module.') and not do_prefix: + k = k[7:] + + if not k.startswith('module.') and do_prefix: + k = 'module.' + k + + state[k] = v + + model.load_state_dict(state) + print("Loaded successfully") + return model + + +def load_wts(model, checkpoint_path): + ckpt = torch.load(checkpoint_path, map_location='cpu') + return load_state_dict(model, ckpt) + + +def load_state_dict_from_url(model, url, **kwargs): + state_dict = torch.hub.load_state_dict_from_url(url, **kwargs) + return load_state_dict(model, state_dict) + + +def load_state_from_resource(model, resource: str): + """Loads weights to the model from a given resource. A resource can be of following types: + 1. URL. Prefixed with "url::" + e.g. url::http(s)://url.resource.com/ckpt.pt + + 2. Local path. Prefixed with "local::" + e.g. local::/path/to/ckpt.pt + + + Args: + model (torch.nn.Module): Model + resource (str): resource string + + Returns: + torch.nn.Module: Model with loaded weights + """ + print(f"Using pretrained resource {resource}") + + if resource.startswith('url::'): + url = resource.split('url::')[1] + return load_state_dict_from_url(model, url, progress=True) + + elif resource.startswith('local::'): + path = resource.split('local::')[1] + return load_wts(model, path) + + else: + raise ValueError("Invalid resource type, only url:: and local:: are supported") + \ No newline at end of file diff --git a/zoedepth/models/zoedepth/__init__.py b/zoedepth/models/zoedepth/__init__.py new file mode 100644 index 000000000..cc33f737d --- /dev/null +++ b/zoedepth/models/zoedepth/__init__.py @@ -0,0 +1,31 @@ +# MIT License + +# Copyright (c) 2022 Intelligent Systems Lab Org + +# 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. + +# File author: Shariq Farooq Bhat + +from .zoedepth_v1 import ZoeDepth + +all_versions = { + "v1": ZoeDepth, +} + +get_version = lambda v : all_versions[v] \ No newline at end of file diff --git a/zoedepth/models/zoedepth/config_zoedepth.json b/zoedepth/models/zoedepth/config_zoedepth.json new file mode 100644 index 000000000..136013378 --- /dev/null +++ b/zoedepth/models/zoedepth/config_zoedepth.json @@ -0,0 +1,58 @@ +{ + "model": { + "name": "ZoeDepth", + "version_name": "v1", + "n_bins": 64, + "bin_embedding_dim": 128, + "bin_centers_type": "softplus", + "n_attractors":[16, 8, 4, 1], + "attractor_alpha": 1000, + "attractor_gamma": 2, + "attractor_kind" : "mean", + "attractor_type" : "inv", + "midas_model_type" : "DPT_BEiT_L_384", + "min_temp": 0.0212, + "max_temp": 50.0, + "output_distribution": "logbinomial", + "memory_efficient": true, + "inverse_midas": false, + "img_size": [384, 512] + }, + + "train": { + "train_midas": true, + "use_pretrained_midas": true, + "trainer": "zoedepth", + "epochs": 5, + "bs": 16, + "optim_kwargs": {"lr": 0.000161, "wd": 0.01}, + "sched_kwargs": {"div_factor": 1, "final_div_factor": 10000, "pct_start": 0.7, "three_phase":false, "cycle_momentum": true}, + "same_lr": false, + "w_si": 1, + "w_domain": 0.2, + "w_reg": 0, + "w_grad": 0, + "avoid_boundary": false, + "random_crop": false, + "input_width": 640, + "input_height": 480, + "midas_lr_factor": 1, + "encoder_lr_factor":10, + "pos_enc_lr_factor":10, + "freeze_midas_bn": true + + }, + + "infer":{ + "train_midas": false, + "use_pretrained_midas": false, + "pretrained_resource" : "local::checkpoints/ZoeD_M12_N.pt", + "force_keep_ar": true + }, + + "eval":{ + "train_midas": false, + "use_pretrained_midas": false, + "pretrained_resource" : "local::checkpoints/ZoeD_M12_N.pt" + } +} \ No newline at end of file diff --git a/zoedepth/models/zoedepth/config_zoedepth_kitti.json b/zoedepth/models/zoedepth/config_zoedepth_kitti.json new file mode 100644 index 000000000..eff011373 --- /dev/null +++ b/zoedepth/models/zoedepth/config_zoedepth_kitti.json @@ -0,0 +1,22 @@ +{ + "model": { + "bin_centers_type": "normed", + "img_size": [384, 768] + }, + + "train": { + }, + + "infer":{ + "train_midas": false, + "use_pretrained_midas": false, + "pretrained_resource" : "local::checkpoints/ZoeD_M12_K.pt", + "force_keep_ar": true + }, + + "eval":{ + "train_midas": false, + "use_pretrained_midas": false, + "pretrained_resource" : "local::checkpoints/ZoeD_M12_K.pt" + } +} \ No newline at end of file diff --git a/zoedepth/models/zoedepth/zoedepth_v1.py b/zoedepth/models/zoedepth/zoedepth_v1.py new file mode 100644 index 000000000..5600cb57d --- /dev/null +++ b/zoedepth/models/zoedepth/zoedepth_v1.py @@ -0,0 +1,250 @@ +# MIT License + +# Copyright (c) 2022 Intelligent Systems Lab Org + +# 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. + +# File author: Shariq Farooq Bhat + +import itertools + +import torch +import torch.nn as nn +from zoedepth.models.depth_model import DepthModel +from zoedepth.models.base_models.midas import MidasCore +from zoedepth.models.layers.attractor import AttractorLayer, AttractorLayerUnnormed +from zoedepth.models.layers.dist_layers import ConditionalLogBinomial +from zoedepth.models.layers.localbins_layers import (Projector, SeedBinRegressor, + SeedBinRegressorUnnormed) +from zoedepth.models.model_io import load_state_from_resource + + +class ZoeDepth(DepthModel): + def __init__(self, core, n_bins=64, bin_centers_type="softplus", bin_embedding_dim=128, min_depth=1e-3, max_depth=10, + n_attractors=[16, 8, 4, 1], attractor_alpha=300, attractor_gamma=2, attractor_kind='sum', attractor_type='exp', min_temp=5, max_temp=50, train_midas=True, + midas_lr_factor=10, encoder_lr_factor=10, pos_enc_lr_factor=10, inverse_midas=False, **kwargs): + """ZoeDepth model. This is the version of ZoeDepth that has a single metric head + + Args: + core (models.base_models.midas.MidasCore): The base midas model that is used for extraction of "relative" features + n_bins (int, optional): Number of bin centers. Defaults to 64. + bin_centers_type (str, optional): "normed" or "softplus". Activation type used for bin centers. For "normed" bin centers, linear normalization trick is applied. This results in bounded bin centers. + For "softplus", softplus activation is used and thus are unbounded. Defaults to "softplus". + bin_embedding_dim (int, optional): bin embedding dimension. Defaults to 128. + min_depth (float, optional): Lower bound for normed bin centers. Defaults to 1e-3. + max_depth (float, optional): Upper bound for normed bin centers. Defaults to 10. + n_attractors (List[int], optional): Number of bin attractors at decoder layers. Defaults to [16, 8, 4, 1]. + attractor_alpha (int, optional): Proportional attractor strength. Refer to models.layers.attractor for more details. Defaults to 300. + attractor_gamma (int, optional): Exponential attractor strength. Refer to models.layers.attractor for more details. Defaults to 2. + attractor_kind (str, optional): Attraction aggregation "sum" or "mean". Defaults to 'sum'. + attractor_type (str, optional): Type of attractor to use; "inv" (Inverse attractor) or "exp" (Exponential attractor). Defaults to 'exp'. + min_temp (int, optional): Lower bound for temperature of output probability distribution. Defaults to 5. + max_temp (int, optional): Upper bound for temperature of output probability distribution. Defaults to 50. + train_midas (bool, optional): Whether to train "core", the base midas model. Defaults to True. + midas_lr_factor (int, optional): Learning rate reduction factor for base midas model except its encoder and positional encodings. Defaults to 10. + encoder_lr_factor (int, optional): Learning rate reduction factor for the encoder in midas model. Defaults to 10. + pos_enc_lr_factor (int, optional): Learning rate reduction factor for positional encodings in the base midas model. Defaults to 10. + """ + super().__init__() + + self.core = core + self.max_depth = max_depth + self.min_depth = min_depth + self.min_temp = min_temp + self.bin_centers_type = bin_centers_type + + self.midas_lr_factor = midas_lr_factor + self.encoder_lr_factor = encoder_lr_factor + self.pos_enc_lr_factor = pos_enc_lr_factor + self.train_midas = train_midas + self.inverse_midas = inverse_midas + + if self.encoder_lr_factor <= 0: + self.core.freeze_encoder( + freeze_rel_pos=self.pos_enc_lr_factor <= 0) + + N_MIDAS_OUT = 32 + btlnck_features = self.core.output_channels[0] + num_out_features = self.core.output_channels[1:] + + self.conv2 = nn.Conv2d(btlnck_features, btlnck_features, + kernel_size=1, stride=1, padding=0) # btlnck conv + + if bin_centers_type == "normed": + SeedBinRegressorLayer = SeedBinRegressor + Attractor = AttractorLayer + elif bin_centers_type == "softplus": + SeedBinRegressorLayer = SeedBinRegressorUnnormed + Attractor = AttractorLayerUnnormed + elif bin_centers_type == "hybrid1": + SeedBinRegressorLayer = SeedBinRegressor + Attractor = AttractorLayerUnnormed + elif bin_centers_type == "hybrid2": + SeedBinRegressorLayer = SeedBinRegressorUnnormed + Attractor = AttractorLayer + else: + raise ValueError( + "bin_centers_type should be one of 'normed', 'softplus', 'hybrid1', 'hybrid2'") + + self.seed_bin_regressor = SeedBinRegressorLayer( + btlnck_features, n_bins=n_bins, min_depth=min_depth, max_depth=max_depth) + self.seed_projector = Projector(btlnck_features, bin_embedding_dim) + self.projectors = nn.ModuleList([ + Projector(num_out, bin_embedding_dim) + for num_out in num_out_features + ]) + self.attractors = nn.ModuleList([ + Attractor(bin_embedding_dim, n_bins, n_attractors=n_attractors[i], min_depth=min_depth, max_depth=max_depth, + alpha=attractor_alpha, gamma=attractor_gamma, kind=attractor_kind, attractor_type=attractor_type) + for i in range(len(num_out_features)) + ]) + + last_in = N_MIDAS_OUT + 1 # +1 for relative depth + + # use log binomial instead of softmax + self.conditional_log_binomial = ConditionalLogBinomial( + last_in, bin_embedding_dim, n_classes=n_bins, min_temp=min_temp, max_temp=max_temp) + + def forward(self, x, return_final_centers=False, denorm=False, return_probs=False, **kwargs): + """ + Args: + x (torch.Tensor): Input image tensor of shape (B, C, H, W) + return_final_centers (bool, optional): Whether to return the final bin centers. Defaults to False. + denorm (bool, optional): Whether to denormalize the input image. This reverses ImageNet normalization as midas normalization is different. Defaults to False. + return_probs (bool, optional): Whether to return the output probability distribution. Defaults to False. + + Returns: + dict: Dictionary containing the following keys: + - rel_depth (torch.Tensor): Relative depth map of shape (B, H, W) + - metric_depth (torch.Tensor): Metric depth map of shape (B, 1, H, W) + - bin_centers (torch.Tensor): Bin centers of shape (B, n_bins). Present only if return_final_centers is True + - probs (torch.Tensor): Output probability distribution of shape (B, n_bins, H, W). Present only if return_probs is True + + """ + b, c, h, w = x.shape + # print("input shape ", x.shape) + self.orig_input_width = w + self.orig_input_height = h + rel_depth, out = self.core(x, denorm=denorm, return_rel_depth=True) + # print("output shapes", rel_depth.shape, out.shape) + + outconv_activation = out[0] + btlnck = out[1] + x_blocks = out[2:] + + x_d0 = self.conv2(btlnck) + x = x_d0 + _, seed_b_centers = self.seed_bin_regressor(x) + + if self.bin_centers_type == 'normed' or self.bin_centers_type == 'hybrid2': + b_prev = (seed_b_centers - self.min_depth) / \ + (self.max_depth - self.min_depth) + else: + b_prev = seed_b_centers + + prev_b_embedding = self.seed_projector(x) + + # unroll this loop for better performance + for projector, attractor, x in zip(self.projectors, self.attractors, x_blocks): + b_embedding = projector(x) + b, b_centers = attractor( + b_embedding, b_prev, prev_b_embedding, interpolate=True) + b_prev = b.clone() + prev_b_embedding = b_embedding.clone() + + last = outconv_activation + + if self.inverse_midas: + # invert depth followed by normalization + rel_depth = 1.0 / (rel_depth + 1e-6) + rel_depth = (rel_depth - rel_depth.min()) / \ + (rel_depth.max() - rel_depth.min()) + # concat rel depth with last. First interpolate rel depth to last size + rel_cond = rel_depth.unsqueeze(1) + rel_cond = nn.functional.interpolate( + rel_cond, size=last.shape[2:], mode='bilinear', align_corners=True) + last = torch.cat([last, rel_cond], dim=1) + + b_embedding = nn.functional.interpolate( + b_embedding, last.shape[-2:], mode='bilinear', align_corners=True) + x = self.conditional_log_binomial(last, b_embedding) + + # Now depth value is Sum px * cx , where cx are bin_centers from the last bin tensor + # print(x.shape, b_centers.shape) + b_centers = nn.functional.interpolate( + b_centers, x.shape[-2:], mode='bilinear', align_corners=True) + out = torch.sum(x * b_centers, dim=1, keepdim=True) + + # Structure output dict + output = dict(metric_depth=out) + if return_final_centers or return_probs: + output['bin_centers'] = b_centers + + if return_probs: + output['probs'] = x + + return output + + def get_lr_params(self, lr): + """ + Learning rate configuration for different layers of the model + Args: + lr (float) : Base learning rate + Returns: + list : list of parameters to optimize and their learning rates, in the format required by torch optimizers. + """ + param_conf = [] + if self.train_midas: + if self.encoder_lr_factor > 0: + param_conf.append({'params': self.core.get_enc_params_except_rel_pos( + ), 'lr': lr / self.encoder_lr_factor}) + + if self.pos_enc_lr_factor > 0: + param_conf.append( + {'params': self.core.get_rel_pos_params(), 'lr': lr / self.pos_enc_lr_factor}) + + midas_params = self.core.core.scratch.parameters() + midas_lr_factor = self.midas_lr_factor + param_conf.append( + {'params': midas_params, 'lr': lr / midas_lr_factor}) + + remaining_modules = [] + for name, child in self.named_children(): + if name != 'core': + remaining_modules.append(child) + remaining_params = itertools.chain( + *[child.parameters() for child in remaining_modules]) + + param_conf.append({'params': remaining_params, 'lr': lr}) + + return param_conf + + @staticmethod + def build(midas_model_type="DPT_BEiT_L_384", pretrained_resource=None, use_pretrained_midas=False, train_midas=False, freeze_midas_bn=True, **kwargs): + core = MidasCore.build(midas_model_type=midas_model_type, use_pretrained_midas=use_pretrained_midas, + train_midas=train_midas, fetch_features=True, freeze_bn=freeze_midas_bn, **kwargs) + model = ZoeDepth(core, **kwargs) + if pretrained_resource: + assert isinstance(pretrained_resource, str), "pretrained_resource must be a string" + model = load_state_from_resource(model, pretrained_resource) + return model + + @staticmethod + def build_from_config(config): + return ZoeDepth.build(**config) diff --git a/zoedepth/models/zoedepth_nk/__init__.py b/zoedepth/models/zoedepth_nk/__init__.py new file mode 100644 index 000000000..513a278b9 --- /dev/null +++ b/zoedepth/models/zoedepth_nk/__init__.py @@ -0,0 +1,31 @@ +# MIT License + +# Copyright (c) 2022 Intelligent Systems Lab Org + +# 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. + +# File author: Shariq Farooq Bhat + +from .zoedepth_nk_v1 import ZoeDepthNK + +all_versions = { + "v1": ZoeDepthNK, +} + +get_version = lambda v : all_versions[v] \ No newline at end of file diff --git a/zoedepth/models/zoedepth_nk/config_zoedepth_nk.json b/zoedepth/models/zoedepth_nk/config_zoedepth_nk.json new file mode 100644 index 000000000..b28f3213c --- /dev/null +++ b/zoedepth/models/zoedepth_nk/config_zoedepth_nk.json @@ -0,0 +1,67 @@ +{ + "model": { + "name": "ZoeDepthNK", + "version_name": "v1", + "bin_conf" : [ + { + "name": "nyu", + "n_bins": 64, + "min_depth": 1e-3, + "max_depth": 10.0 + }, + { + "name": "kitti", + "n_bins": 64, + "min_depth": 1e-3, + "max_depth": 80.0 + } + ], + "bin_embedding_dim": 128, + "bin_centers_type": "softplus", + "n_attractors":[16, 8, 4, 1], + "attractor_alpha": 1000, + "attractor_gamma": 2, + "attractor_kind" : "mean", + "attractor_type" : "inv", + "min_temp": 0.0212, + "max_temp": 50.0, + "memory_efficient": true, + "midas_model_type" : "DPT_BEiT_L_384", + "img_size": [384, 512] + }, + + "train": { + "train_midas": true, + "use_pretrained_midas": true, + "trainer": "zoedepth_nk", + "epochs": 5, + "bs": 16, + "optim_kwargs": {"lr": 0.0002512, "wd": 0.01}, + "sched_kwargs": {"div_factor": 1, "final_div_factor": 10000, "pct_start": 0.7, "three_phase":false, "cycle_momentum": true}, + "same_lr": false, + "w_si": 1, + "w_domain": 100, + "avoid_boundary": false, + "random_crop": false, + "input_width": 640, + "input_height": 480, + "w_grad": 0, + "w_reg": 0, + "midas_lr_factor": 10, + "encoder_lr_factor":10, + "pos_enc_lr_factor":10 + }, + + "infer": { + "train_midas": false, + "pretrained_resource": "local::checkpoints/ZoeD_M12_NK.pt", + "use_pretrained_midas": false, + "force_keep_ar": true + }, + + "eval": { + "train_midas": false, + "pretrained_resource": "local::checkpoints/ZoeD_M12_NK.pt", + "use_pretrained_midas": false + } +} \ No newline at end of file diff --git a/zoedepth/models/zoedepth_nk/zoedepth_nk_v1.py b/zoedepth/models/zoedepth_nk/zoedepth_nk_v1.py new file mode 100644 index 000000000..7368ae803 --- /dev/null +++ b/zoedepth/models/zoedepth_nk/zoedepth_nk_v1.py @@ -0,0 +1,333 @@ +# MIT License + +# Copyright (c) 2022 Intelligent Systems Lab Org + +# 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. + +# File author: Shariq Farooq Bhat + +import itertools + +import torch +import torch.nn as nn + +from zoedepth.models.depth_model import DepthModel +from zoedepth.models.base_models.midas import MidasCore +from zoedepth.models.layers.attractor import AttractorLayer, AttractorLayerUnnormed +from zoedepth.models.layers.dist_layers import ConditionalLogBinomial +from zoedepth.models.layers.localbins_layers import (Projector, SeedBinRegressor, + SeedBinRegressorUnnormed) +from zoedepth.models.layers.patch_transformer import PatchTransformerEncoder +from zoedepth.models.model_io import load_state_from_resource + + +class ZoeDepthNK(DepthModel): + def __init__(self, core, bin_conf, bin_centers_type="softplus", bin_embedding_dim=128, + n_attractors=[16, 8, 4, 1], attractor_alpha=300, attractor_gamma=2, attractor_kind='sum', attractor_type='exp', + min_temp=5, max_temp=50, + memory_efficient=False, train_midas=True, + is_midas_pretrained=True, midas_lr_factor=1, encoder_lr_factor=10, pos_enc_lr_factor=10, inverse_midas=False, **kwargs): + """ZoeDepthNK model. This is the version of ZoeDepth that has two metric heads and uses a learned router to route to experts. + + Args: + core (models.base_models.midas.MidasCore): The base midas model that is used for extraction of "relative" features + + bin_conf (List[dict]): A list of dictionaries that contain the bin configuration for each metric head. Each dictionary should contain the following keys: + "name" (str, typically same as the dataset name), "n_bins" (int), "min_depth" (float), "max_depth" (float) + + The length of this list determines the number of metric heads. + bin_centers_type (str, optional): "normed" or "softplus". Activation type used for bin centers. For "normed" bin centers, linear normalization trick is applied. This results in bounded bin centers. + For "softplus", softplus activation is used and thus are unbounded. Defaults to "normed". + bin_embedding_dim (int, optional): bin embedding dimension. Defaults to 128. + + n_attractors (List[int], optional): Number of bin attractors at decoder layers. Defaults to [16, 8, 4, 1]. + attractor_alpha (int, optional): Proportional attractor strength. Refer to models.layers.attractor for more details. Defaults to 300. + attractor_gamma (int, optional): Exponential attractor strength. Refer to models.layers.attractor for more details. Defaults to 2. + attractor_kind (str, optional): Attraction aggregation "sum" or "mean". Defaults to 'sum'. + attractor_type (str, optional): Type of attractor to use; "inv" (Inverse attractor) or "exp" (Exponential attractor). Defaults to 'exp'. + + min_temp (int, optional): Lower bound for temperature of output probability distribution. Defaults to 5. + max_temp (int, optional): Upper bound for temperature of output probability distribution. Defaults to 50. + + memory_efficient (bool, optional): Whether to use memory efficient version of attractor layers. Memory efficient version is slower but is recommended incase of multiple metric heads in order save GPU memory. Defaults to False. + + train_midas (bool, optional): Whether to train "core", the base midas model. Defaults to True. + is_midas_pretrained (bool, optional): Is "core" pretrained? Defaults to True. + midas_lr_factor (int, optional): Learning rate reduction factor for base midas model except its encoder and positional encodings. Defaults to 10. + encoder_lr_factor (int, optional): Learning rate reduction factor for the encoder in midas model. Defaults to 10. + pos_enc_lr_factor (int, optional): Learning rate reduction factor for positional encodings in the base midas model. Defaults to 10. + + """ + + super().__init__() + + self.core = core + self.bin_conf = bin_conf + self.min_temp = min_temp + self.max_temp = max_temp + self.memory_efficient = memory_efficient + self.train_midas = train_midas + self.is_midas_pretrained = is_midas_pretrained + self.midas_lr_factor = midas_lr_factor + self.encoder_lr_factor = encoder_lr_factor + self.pos_enc_lr_factor = pos_enc_lr_factor + self.inverse_midas = inverse_midas + + N_MIDAS_OUT = 32 + btlnck_features = self.core.output_channels[0] + num_out_features = self.core.output_channels[1:] + # self.scales = [16, 8, 4, 2] # spatial scale factors + + self.conv2 = nn.Conv2d( + btlnck_features, btlnck_features, kernel_size=1, stride=1, padding=0) + + # Transformer classifier on the bottleneck + self.patch_transformer = PatchTransformerEncoder( + btlnck_features, 1, 128, use_class_token=True) + self.mlp_classifier = nn.Sequential( + nn.Linear(128, 128), + nn.ReLU(), + nn.Linear(128, 2) + ) + + if bin_centers_type == "normed": + SeedBinRegressorLayer = SeedBinRegressor + Attractor = AttractorLayer + elif bin_centers_type == "softplus": + SeedBinRegressorLayer = SeedBinRegressorUnnormed + Attractor = AttractorLayerUnnormed + elif bin_centers_type == "hybrid1": + SeedBinRegressorLayer = SeedBinRegressor + Attractor = AttractorLayerUnnormed + elif bin_centers_type == "hybrid2": + SeedBinRegressorLayer = SeedBinRegressorUnnormed + Attractor = AttractorLayer + else: + raise ValueError( + "bin_centers_type should be one of 'normed', 'softplus', 'hybrid1', 'hybrid2'") + self.bin_centers_type = bin_centers_type + # We have bins for each bin conf. + # Create a map (ModuleDict) of 'name' -> seed_bin_regressor + self.seed_bin_regressors = nn.ModuleDict( + {conf['name']: SeedBinRegressorLayer(btlnck_features, conf["n_bins"], mlp_dim=bin_embedding_dim//2, min_depth=conf["min_depth"], max_depth=conf["max_depth"]) + for conf in bin_conf} + ) + + self.seed_projector = Projector( + btlnck_features, bin_embedding_dim, mlp_dim=bin_embedding_dim//2) + self.projectors = nn.ModuleList([ + Projector(num_out, bin_embedding_dim, mlp_dim=bin_embedding_dim//2) + for num_out in num_out_features + ]) + + # Create a map (ModuleDict) of 'name' -> attractors (ModuleList) + self.attractors = nn.ModuleDict( + {conf['name']: nn.ModuleList([ + Attractor(bin_embedding_dim, n_attractors[i], + mlp_dim=bin_embedding_dim, alpha=attractor_alpha, + gamma=attractor_gamma, kind=attractor_kind, + attractor_type=attractor_type, memory_efficient=memory_efficient, + min_depth=conf["min_depth"], max_depth=conf["max_depth"]) + for i in range(len(n_attractors)) + ]) + for conf in bin_conf} + ) + + last_in = N_MIDAS_OUT + # conditional log binomial for each bin conf + self.conditional_log_binomial = nn.ModuleDict( + {conf['name']: ConditionalLogBinomial(last_in, bin_embedding_dim, conf['n_bins'], bottleneck_factor=4, min_temp=self.min_temp, max_temp=self.max_temp) + for conf in bin_conf} + ) + + def forward(self, x, return_final_centers=False, denorm=False, return_probs=False, **kwargs): + """ + Args: + x (torch.Tensor): Input image tensor of shape (B, C, H, W). Assumes all images are from the same domain. + return_final_centers (bool, optional): Whether to return the final centers of the attractors. Defaults to False. + denorm (bool, optional): Whether to denormalize the input image. Defaults to False. + return_probs (bool, optional): Whether to return the probabilities of the bins. Defaults to False. + + Returns: + dict: Dictionary of outputs with keys: + - "rel_depth": Relative depth map of shape (B, 1, H, W) + - "metric_depth": Metric depth map of shape (B, 1, H, W) + - "domain_logits": Domain logits of shape (B, 2) + - "bin_centers": Bin centers of shape (B, N, H, W). Present only if return_final_centers is True + - "probs": Bin probabilities of shape (B, N, H, W). Present only if return_probs is True + """ + b, c, h, w = x.shape + self.orig_input_width = w + self.orig_input_height = h + rel_depth, out = self.core(x, denorm=denorm, return_rel_depth=True) + + outconv_activation = out[0] + btlnck = out[1] + x_blocks = out[2:] + + x_d0 = self.conv2(btlnck) + x = x_d0 + + # Predict which path to take + embedding = self.patch_transformer(x)[0] # N, E + domain_logits = self.mlp_classifier(embedding) # N, 2 + domain_vote = torch.softmax(domain_logits.sum( + dim=0, keepdim=True), dim=-1) # 1, 2 + + # Get the path + bin_conf_name = ["nyu", "kitti"][torch.argmax( + domain_vote, dim=-1).squeeze().item()] + + try: + conf = [c for c in self.bin_conf if c.name == bin_conf_name][0] + except IndexError: + raise ValueError( + f"bin_conf_name {bin_conf_name} not found in bin_confs") + + min_depth = conf['min_depth'] + max_depth = conf['max_depth'] + + seed_bin_regressor = self.seed_bin_regressors[bin_conf_name] + _, seed_b_centers = seed_bin_regressor(x) + if self.bin_centers_type == 'normed' or self.bin_centers_type == 'hybrid2': + b_prev = (seed_b_centers - min_depth)/(max_depth - min_depth) + else: + b_prev = seed_b_centers + prev_b_embedding = self.seed_projector(x) + + attractors = self.attractors[bin_conf_name] + for projector, attractor, x in zip(self.projectors, attractors, x_blocks): + b_embedding = projector(x) + b, b_centers = attractor( + b_embedding, b_prev, prev_b_embedding, interpolate=True) + b_prev = b + prev_b_embedding = b_embedding + + last = outconv_activation + + b_centers = nn.functional.interpolate( + b_centers, last.shape[-2:], mode='bilinear', align_corners=True) + b_embedding = nn.functional.interpolate( + b_embedding, last.shape[-2:], mode='bilinear', align_corners=True) + + clb = self.conditional_log_binomial[bin_conf_name] + x = clb(last, b_embedding) + + # Now depth value is Sum px * cx , where cx are bin_centers from the last bin tensor + # print(x.shape, b_centers.shape) + # b_centers = nn.functional.interpolate(b_centers, x.shape[-2:], mode='bilinear', align_corners=True) + out = torch.sum(x * b_centers, dim=1, keepdim=True) + + output = dict(domain_logits=domain_logits, metric_depth=out) + if return_final_centers or return_probs: + output['bin_centers'] = b_centers + + if return_probs: + output['probs'] = x + return output + + def get_lr_params(self, lr): + """ + Learning rate configuration for different layers of the model + + Args: + lr (float) : Base learning rate + Returns: + list : list of parameters to optimize and their learning rates, in the format required by torch optimizers. + """ + param_conf = [] + if self.train_midas: + def get_rel_pos_params(): + for name, p in self.core.core.pretrained.named_parameters(): + if "relative_position" in name: + yield p + + def get_enc_params_except_rel_pos(): + for name, p in self.core.core.pretrained.named_parameters(): + if "relative_position" not in name: + yield p + + encoder_params = get_enc_params_except_rel_pos() + rel_pos_params = get_rel_pos_params() + midas_params = self.core.core.scratch.parameters() + midas_lr_factor = self.midas_lr_factor if self.is_midas_pretrained else 1.0 + param_conf.extend([ + {'params': encoder_params, 'lr': lr / self.encoder_lr_factor}, + {'params': rel_pos_params, 'lr': lr / self.pos_enc_lr_factor}, + {'params': midas_params, 'lr': lr / midas_lr_factor} + ]) + + remaining_modules = [] + for name, child in self.named_children(): + if name != 'core': + remaining_modules.append(child) + remaining_params = itertools.chain( + *[child.parameters() for child in remaining_modules]) + param_conf.append({'params': remaining_params, 'lr': lr}) + return param_conf + + def get_conf_parameters(self, conf_name): + """ + Returns parameters of all the ModuleDicts children that are exclusively used for the given bin configuration + """ + params = [] + for name, child in self.named_children(): + if isinstance(child, nn.ModuleDict): + for bin_conf_name, module in child.items(): + if bin_conf_name == conf_name: + params += list(module.parameters()) + return params + + def freeze_conf(self, conf_name): + """ + Freezes all the parameters of all the ModuleDicts children that are exclusively used for the given bin configuration + """ + for p in self.get_conf_parameters(conf_name): + p.requires_grad = False + + def unfreeze_conf(self, conf_name): + """ + Unfreezes all the parameters of all the ModuleDicts children that are exclusively used for the given bin configuration + """ + for p in self.get_conf_parameters(conf_name): + p.requires_grad = True + + def freeze_all_confs(self): + """ + Freezes all the parameters of all the ModuleDicts children + """ + for name, child in self.named_children(): + if isinstance(child, nn.ModuleDict): + for bin_conf_name, module in child.items(): + for p in module.parameters(): + p.requires_grad = False + + @staticmethod + def build(midas_model_type="DPT_BEiT_L_384", pretrained_resource=None, use_pretrained_midas=False, train_midas=False, freeze_midas_bn=True, **kwargs): + core = MidasCore.build(midas_model_type=midas_model_type, use_pretrained_midas=use_pretrained_midas, + train_midas=train_midas, fetch_features=True, freeze_bn=freeze_midas_bn, **kwargs) + model = ZoeDepthNK(core, **kwargs) + if pretrained_resource: + assert isinstance(pretrained_resource, str), "pretrained_resource must be a string" + model = load_state_from_resource(model, pretrained_resource) + return model + + @staticmethod + def build_from_config(config): + return ZoeDepthNK.build(**config) diff --git a/zoedepth/trainers/base_trainer.py b/zoedepth/trainers/base_trainer.py new file mode 100644 index 000000000..33fbbea3a --- /dev/null +++ b/zoedepth/trainers/base_trainer.py @@ -0,0 +1,326 @@ +# MIT License + +# Copyright (c) 2022 Intelligent Systems Lab Org + +# 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. + +# File author: Shariq Farooq Bhat + +import os +import uuid +import warnings +from datetime import datetime as dt +from typing import Dict + +import matplotlib.pyplot as plt +import numpy as np +import torch +import torch.distributed as dist +import torch.nn as nn +import torch.optim as optim +import wandb +from tqdm import tqdm + +from zoedepth.utils.config import flatten +from zoedepth.utils.misc import RunningAverageDict, colorize, colors + + +def is_rank_zero(args): + return args.rank == 0 + + +class BaseTrainer: + def __init__(self, config, model, train_loader, test_loader=None, device=None): + """ Base Trainer class for training a model.""" + + self.config = config + self.metric_criterion = "abs_rel" + if device is None: + device = torch.device( + 'cuda') if torch.cuda.is_available() else torch.device('cpu') + self.device = device + self.model = model + self.train_loader = train_loader + self.test_loader = test_loader + self.optimizer = self.init_optimizer() + self.scheduler = self.init_scheduler() + + def resize_to_target(self, prediction, target): + if prediction.shape[2:] != target.shape[-2:]: + prediction = nn.functional.interpolate( + prediction, size=target.shape[-2:], mode="bilinear", align_corners=True + ) + return prediction + + def load_ckpt(self, checkpoint_dir="./checkpoints", ckpt_type="best"): + import glob + import os + + from zoedepth.models.model_io import load_wts + + if hasattr(self.config, "checkpoint"): + checkpoint = self.config.checkpoint + elif hasattr(self.config, "ckpt_pattern"): + pattern = self.config.ckpt_pattern + matches = glob.glob(os.path.join( + checkpoint_dir, f"*{pattern}*{ckpt_type}*")) + if not (len(matches) > 0): + raise ValueError(f"No matches found for the pattern {pattern}") + checkpoint = matches[0] + else: + return + model = load_wts(self.model, checkpoint) + # TODO : Resuming training is not properly supported in this repo. Implement loading / saving of optimizer and scheduler to support it. + print("Loaded weights from {0}".format(checkpoint)) + warnings.warn( + "Resuming training is not properly supported in this repo. Implement loading / saving of optimizer and scheduler to support it.") + self.model = model + + def init_optimizer(self): + m = self.model.module if self.config.multigpu else self.model + + if self.config.same_lr: + print("Using same LR") + if hasattr(m, 'core'): + m.core.unfreeze() + params = self.model.parameters() + else: + print("Using diff LR") + if not hasattr(m, 'get_lr_params'): + raise NotImplementedError( + f"Model {m.__class__.__name__} does not implement get_lr_params. Please implement it or use the same LR for all parameters.") + + params = m.get_lr_params(self.config.lr) + + return optim.AdamW(params, lr=self.config.lr, weight_decay=self.config.wd) + + def init_scheduler(self): + lrs = [l['lr'] for l in self.optimizer.param_groups] + return optim.lr_scheduler.OneCycleLR(self.optimizer, lrs, epochs=self.config.epochs, steps_per_epoch=len(self.train_loader), + cycle_momentum=self.config.cycle_momentum, + base_momentum=0.85, max_momentum=0.95, div_factor=self.config.div_factor, final_div_factor=self.config.final_div_factor, pct_start=self.config.pct_start, three_phase=self.config.three_phase) + + def train_on_batch(self, batch, train_step): + raise NotImplementedError + + def validate_on_batch(self, batch, val_step): + raise NotImplementedError + + def raise_if_nan(self, losses): + for key, value in losses.items(): + if torch.isnan(value): + raise ValueError(f"{key} is NaN, Stopping training") + + @property + def iters_per_epoch(self): + return len(self.train_loader) + + @property + def total_iters(self): + return self.config.epochs * self.iters_per_epoch + + def should_early_stop(self): + if self.config.get('early_stop', False) and self.step > self.config.early_stop: + return True + + def train(self): + print(f"Training {self.config.name}") + if self.config.uid is None: + self.config.uid = str(uuid.uuid4()).split('-')[-1] + run_id = f"{dt.now().strftime('%d-%h_%H-%M')}-{self.config.uid}" + self.config.run_id = run_id + self.config.experiment_id = f"{self.config.name}{self.config.version_name}_{run_id}" + self.should_write = ((not self.config.distributed) + or self.config.rank == 0) + self.should_log = self.should_write # and logging + if self.should_log: + tags = self.config.tags.split( + ',') if self.config.tags != '' else None + wandb.init(project=self.config.project, name=self.config.experiment_id, config=flatten(self.config), dir=self.config.root, + tags=tags, notes=self.config.notes, settings=wandb.Settings(start_method="fork")) + + self.model.train() + self.step = 0 + best_loss = np.inf + validate_every = int(self.config.validate_every * self.iters_per_epoch) + + + if self.config.prefetch: + + for i, batch in tqdm(enumerate(self.train_loader), desc=f"Prefetching...", + total=self.iters_per_epoch) if is_rank_zero(self.config) else enumerate(self.train_loader): + pass + + losses = {} + def stringify_losses(L): return "; ".join(map( + lambda kv: f"{colors.fg.purple}{kv[0]}{colors.reset}: {round(kv[1].item(),3):.4e}", L.items())) + for epoch in range(self.config.epochs): + if self.should_early_stop(): + break + + self.epoch = epoch + ################################# Train loop ########################################################## + if self.should_log: + wandb.log({"Epoch": epoch}, step=self.step) + pbar = tqdm(enumerate(self.train_loader), desc=f"Epoch: {epoch + 1}/{self.config.epochs}. Loop: Train", + total=self.iters_per_epoch) if is_rank_zero(self.config) else enumerate(self.train_loader) + for i, batch in pbar: + if self.should_early_stop(): + print("Early stopping") + break + # print(f"Batch {self.step+1} on rank {self.config.rank}") + losses = self.train_on_batch(batch, i) + # print(f"trained batch {self.step+1} on rank {self.config.rank}") + + self.raise_if_nan(losses) + if is_rank_zero(self.config) and self.config.print_losses: + pbar.set_description( + f"Epoch: {epoch + 1}/{self.config.epochs}. Loop: Train. Losses: {stringify_losses(losses)}") + self.scheduler.step() + + if self.should_log and self.step % 50 == 0: + wandb.log({f"Train/{name}": loss.item() + for name, loss in losses.items()}, step=self.step) + + self.step += 1 + + ######################################################################################################## + + if self.test_loader: + if (self.step % validate_every) == 0: + self.model.eval() + if self.should_write: + self.save_checkpoint( + f"{self.config.experiment_id}_latest.pt") + + ################################# Validation loop ################################################## + # validate on the entire validation set in every process but save only from rank 0, I know, inefficient, but avoids divergence of processes + metrics, test_losses = self.validate() + # print("Validated: {}".format(metrics)) + if self.should_log: + wandb.log( + {f"Test/{name}": tloss for name, tloss in test_losses.items()}, step=self.step) + + wandb.log({f"Metrics/{k}": v for k, + v in metrics.items()}, step=self.step) + + if (metrics[self.metric_criterion] < best_loss) and self.should_write: + self.save_checkpoint( + f"{self.config.experiment_id}_best.pt") + best_loss = metrics[self.metric_criterion] + + self.model.train() + + if self.config.distributed: + dist.barrier() + # print(f"Validated: {metrics} on device {self.config.rank}") + + # print(f"Finished step {self.step} on device {self.config.rank}") + ################################################################################################# + + # Save / validate at the end + self.step += 1 # log as final point + self.model.eval() + self.save_checkpoint(f"{self.config.experiment_id}_latest.pt") + if self.test_loader: + + ################################# Validation loop ################################################## + metrics, test_losses = self.validate() + # print("Validated: {}".format(metrics)) + if self.should_log: + wandb.log({f"Test/{name}": tloss for name, + tloss in test_losses.items()}, step=self.step) + wandb.log({f"Metrics/{k}": v for k, + v in metrics.items()}, step=self.step) + + if (metrics[self.metric_criterion] < best_loss) and self.should_write: + self.save_checkpoint( + f"{self.config.experiment_id}_best.pt") + best_loss = metrics[self.metric_criterion] + + self.model.train() + + def validate(self): + with torch.no_grad(): + losses_avg = RunningAverageDict() + metrics_avg = RunningAverageDict() + for i, batch in tqdm(enumerate(self.test_loader), desc=f"Epoch: {self.epoch + 1}/{self.config.epochs}. Loop: Validation", total=len(self.test_loader), disable=not is_rank_zero(self.config)): + metrics, losses = self.validate_on_batch(batch, val_step=i) + + if losses: + losses_avg.update(losses) + if metrics: + metrics_avg.update(metrics) + + return metrics_avg.get_value(), losses_avg.get_value() + + def save_checkpoint(self, filename): + if not self.should_write: + return + root = self.config.save_dir + if not os.path.isdir(root): + os.makedirs(root) + + fpath = os.path.join(root, filename) + m = self.model.module if self.config.multigpu else self.model + torch.save( + { + "model": m.state_dict(), + "optimizer": None, # TODO : Change to self.optimizer.state_dict() if resume support is needed, currently None to reduce file size + "epoch": self.epoch + }, fpath) + + def log_images(self, rgb: Dict[str, list] = {}, depth: Dict[str, list] = {}, scalar_field: Dict[str, list] = {}, prefix="", scalar_cmap="jet", min_depth=None, max_depth=None): + if not self.should_log: + return + + if min_depth is None: + try: + min_depth = self.config.min_depth + max_depth = self.config.max_depth + except AttributeError: + min_depth = None + max_depth = None + + depth = {k: colorize(v, vmin=min_depth, vmax=max_depth) + for k, v in depth.items()} + scalar_field = {k: colorize( + v, vmin=None, vmax=None, cmap=scalar_cmap) for k, v in scalar_field.items()} + images = {**rgb, **depth, **scalar_field} + wimages = { + prefix+"Predictions": [wandb.Image(v, caption=k) for k, v in images.items()]} + wandb.log(wimages, step=self.step) + + def log_line_plot(self, data): + if not self.should_log: + return + + plt.plot(data) + plt.ylabel("Scale factors") + wandb.log({"Scale factors": wandb.Image(plt)}, step=self.step) + plt.close() + + def log_bar_plot(self, title, labels, values): + if not self.should_log: + return + + data = [[label, val] for (label, val) in zip(labels, values)] + table = wandb.Table(data=data, columns=["label", "value"]) + wandb.log({title: wandb.plot.bar(table, "label", + "value", title=title)}, step=self.step) diff --git a/zoedepth/trainers/builder.py b/zoedepth/trainers/builder.py new file mode 100644 index 000000000..a663541b0 --- /dev/null +++ b/zoedepth/trainers/builder.py @@ -0,0 +1,48 @@ +# MIT License + +# Copyright (c) 2022 Intelligent Systems Lab Org + +# 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. + +# File author: Shariq Farooq Bhat + +from importlib import import_module + + +def get_trainer(config): + """Builds and returns a trainer based on the config. + + Args: + config (dict): the config dict (typically constructed using utils.config.get_config) + config.trainer (str): the name of the trainer to use. The module named "{config.trainer}_trainer" must exist in trainers root module + + Raises: + ValueError: If the specified trainer does not exist under trainers/ folder + + Returns: + Trainer (inherited from zoedepth.trainers.BaseTrainer): The Trainer object + """ + assert "trainer" in config and config.trainer is not None and config.trainer != '', "Trainer not specified. Config: {0}".format( + config) + try: + Trainer = getattr(import_module( + f"zoedepth.trainers.{config.trainer}_trainer"), 'Trainer') + except ModuleNotFoundError as e: + raise ValueError(f"Trainer {config.trainer}_trainer not found.") from e + return Trainer diff --git a/zoedepth/trainers/loss.py b/zoedepth/trainers/loss.py new file mode 100644 index 000000000..0c5a1c15c --- /dev/null +++ b/zoedepth/trainers/loss.py @@ -0,0 +1,316 @@ +# MIT License + +# Copyright (c) 2022 Intelligent Systems Lab Org + +# 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. + +# File author: Shariq Farooq Bhat + +import torch +import torch.nn as nn +import torch.nn.functional as F +import torch.cuda.amp as amp +import numpy as np + + +KEY_OUTPUT = 'metric_depth' + + +def extract_key(prediction, key): + if isinstance(prediction, dict): + return prediction[key] + return prediction + + +# Main loss function used for ZoeDepth. Copy/paste from AdaBins repo (https://github.com/shariqfarooq123/AdaBins/blob/0952d91e9e762be310bb4cd055cbfe2448c0ce20/loss.py#L7) +class SILogLoss(nn.Module): + """SILog loss (pixel-wise)""" + def __init__(self, beta=0.15): + super(SILogLoss, self).__init__() + self.name = 'SILog' + self.beta = beta + + def forward(self, input, target, mask=None, interpolate=True, return_interpolated=False): + input = extract_key(input, KEY_OUTPUT) + if input.shape[-1] != target.shape[-1] and interpolate: + input = nn.functional.interpolate( + input, target.shape[-2:], mode='bilinear', align_corners=True) + intr_input = input + else: + intr_input = input + + if target.ndim == 3: + target = target.unsqueeze(1) + + if mask is not None: + if mask.ndim == 3: + mask = mask.unsqueeze(1) + + input = input[mask] + target = target[mask] + + with amp.autocast(enabled=False): # amp causes NaNs in this loss function + alpha = 1e-7 + g = torch.log(input + alpha) - torch.log(target + alpha) + + # n, c, h, w = g.shape + # norm = 1/(h*w) + # Dg = norm * torch.sum(g**2) - (0.85/(norm**2)) * (torch.sum(g))**2 + + Dg = torch.var(g) + self.beta * torch.pow(torch.mean(g), 2) + + loss = 10 * torch.sqrt(Dg) + + if torch.isnan(loss): + print("Nan SILog loss") + print("input:", input.shape) + print("target:", target.shape) + print("G", torch.sum(torch.isnan(g))) + print("Input min max", torch.min(input), torch.max(input)) + print("Target min max", torch.min(target), torch.max(target)) + print("Dg", torch.isnan(Dg)) + print("loss", torch.isnan(loss)) + + if not return_interpolated: + return loss + + return loss, intr_input + + +def grad(x): + # x.shape : n, c, h, w + diff_x = x[..., 1:, 1:] - x[..., 1:, :-1] + diff_y = x[..., 1:, 1:] - x[..., :-1, 1:] + mag = diff_x**2 + diff_y**2 + # angle_ratio + angle = torch.atan(diff_y / (diff_x + 1e-10)) + return mag, angle + + +def grad_mask(mask): + return mask[..., 1:, 1:] & mask[..., 1:, :-1] & mask[..., :-1, 1:] + + +class GradL1Loss(nn.Module): + """Gradient loss""" + def __init__(self): + super(GradL1Loss, self).__init__() + self.name = 'GradL1' + + def forward(self, input, target, mask=None, interpolate=True, return_interpolated=False): + input = extract_key(input, KEY_OUTPUT) + if input.shape[-1] != target.shape[-1] and interpolate: + input = nn.functional.interpolate( + input, target.shape[-2:], mode='bilinear', align_corners=True) + intr_input = input + else: + intr_input = input + + grad_gt = grad(target) + grad_pred = grad(input) + mask_g = grad_mask(mask) + + loss = nn.functional.l1_loss(grad_pred[0][mask_g], grad_gt[0][mask_g]) + loss = loss + \ + nn.functional.l1_loss(grad_pred[1][mask_g], grad_gt[1][mask_g]) + if not return_interpolated: + return loss + return loss, intr_input + + +class OrdinalRegressionLoss(object): + + def __init__(self, ord_num, beta, discretization="SID"): + self.ord_num = ord_num + self.beta = beta + self.discretization = discretization + + def _create_ord_label(self, gt): + N,one, H, W = gt.shape + # print("gt shape:", gt.shape) + + ord_c0 = torch.ones(N, self.ord_num, H, W).to(gt.device) + if self.discretization == "SID": + label = self.ord_num * torch.log(gt) / np.log(self.beta) + else: + label = self.ord_num * (gt - 1.0) / (self.beta - 1.0) + label = label.long() + mask = torch.linspace(0, self.ord_num - 1, self.ord_num, requires_grad=False) \ + .view(1, self.ord_num, 1, 1).to(gt.device) + mask = mask.repeat(N, 1, H, W).contiguous().long() + mask = (mask > label) + ord_c0[mask] = 0 + ord_c1 = 1 - ord_c0 + # implementation according to the paper. + # ord_label = torch.ones(N, self.ord_num * 2, H, W).to(gt.device) + # ord_label[:, 0::2, :, :] = ord_c0 + # ord_label[:, 1::2, :, :] = ord_c1 + # reimplementation for fast speed. + ord_label = torch.cat((ord_c0, ord_c1), dim=1) + return ord_label, mask + + def __call__(self, prob, gt): + """ + :param prob: ordinal regression probability, N x 2*Ord Num x H x W, torch.Tensor + :param gt: depth ground truth, NXHxW, torch.Tensor + :return: loss: loss value, torch.float + """ + # N, C, H, W = prob.shape + valid_mask = gt > 0. + ord_label, mask = self._create_ord_label(gt) + # print("prob shape: {}, ord label shape: {}".format(prob.shape, ord_label.shape)) + entropy = -prob * ord_label + loss = torch.sum(entropy, dim=1)[valid_mask.squeeze(1)] + return loss.mean() + + +class DiscreteNLLLoss(nn.Module): + """Cross entropy loss""" + def __init__(self, min_depth=1e-3, max_depth=10, depth_bins=64): + super(DiscreteNLLLoss, self).__init__() + self.name = 'CrossEntropy' + self.ignore_index = -(depth_bins + 1) + # self._loss_func = nn.NLLLoss(ignore_index=self.ignore_index) + self._loss_func = nn.CrossEntropyLoss(ignore_index=self.ignore_index) + self.min_depth = min_depth + self.max_depth = max_depth + self.depth_bins = depth_bins + self.alpha = 1 + self.zeta = 1 - min_depth + self.beta = max_depth + self.zeta + + def quantize_depth(self, depth): + # depth : N1HW + # output : NCHW + + # Quantize depth log-uniformly on [1, self.beta] into self.depth_bins bins + depth = torch.log(depth / self.alpha) / np.log(self.beta / self.alpha) + depth = depth * (self.depth_bins - 1) + depth = torch.round(depth) + depth = depth.long() + return depth + + + + def _dequantize_depth(self, depth): + """ + Inverse of quantization + depth : NCHW -> N1HW + """ + # Get the center of the bin + + + + + def forward(self, input, target, mask=None, interpolate=True, return_interpolated=False): + input = extract_key(input, KEY_OUTPUT) + # assert torch.all(input <= 0), "Input should be negative" + + if input.shape[-1] != target.shape[-1] and interpolate: + input = nn.functional.interpolate( + input, target.shape[-2:], mode='bilinear', align_corners=True) + intr_input = input + else: + intr_input = input + + # assert torch.all(input)<=1) + if target.ndim == 3: + target = target.unsqueeze(1) + + target = self.quantize_depth(target) + if mask is not None: + if mask.ndim == 3: + mask = mask.unsqueeze(1) + + # Set the mask to ignore_index + mask = mask.long() + input = input * mask + (1 - mask) * self.ignore_index + target = target * mask + (1 - mask) * self.ignore_index + + + + input = input.flatten(2) # N, nbins, H*W + target = target.flatten(1) # N, H*W + loss = self._loss_func(input, target) + + if not return_interpolated: + return loss + return loss, intr_input + + + + +def compute_scale_and_shift(prediction, target, mask): + # system matrix: A = [[a_00, a_01], [a_10, a_11]] + a_00 = torch.sum(mask * prediction * prediction, (1, 2)) + a_01 = torch.sum(mask * prediction, (1, 2)) + a_11 = torch.sum(mask, (1, 2)) + + # right hand side: b = [b_0, b_1] + b_0 = torch.sum(mask * prediction * target, (1, 2)) + b_1 = torch.sum(mask * target, (1, 2)) + + # solution: x = A^-1 . b = [[a_11, -a_01], [-a_10, a_00]] / (a_00 * a_11 - a_01 * a_10) . b + x_0 = torch.zeros_like(b_0) + x_1 = torch.zeros_like(b_1) + + det = a_00 * a_11 - a_01 * a_01 + # A needs to be a positive definite matrix. + valid = det > 0 + + x_0[valid] = (a_11[valid] * b_0[valid] - a_01[valid] * b_1[valid]) / det[valid] + x_1[valid] = (-a_01[valid] * b_0[valid] + a_00[valid] * b_1[valid]) / det[valid] + + return x_0, x_1 +class ScaleAndShiftInvariantLoss(nn.Module): + def __init__(self): + super().__init__() + self.name = "SSILoss" + + def forward(self, prediction, target, mask, interpolate=True, return_interpolated=False): + + if prediction.shape[-1] != target.shape[-1] and interpolate: + prediction = nn.functional.interpolate(prediction, target.shape[-2:], mode='bilinear', align_corners=True) + intr_input = prediction + else: + intr_input = prediction + + + prediction, target, mask = prediction.squeeze(), target.squeeze(), mask.squeeze() + assert prediction.shape == target.shape, f"Shape mismatch: Expected same shape but got {prediction.shape} and {target.shape}." + + scale, shift = compute_scale_and_shift(prediction, target, mask) + + scaled_prediction = scale.view(-1, 1, 1) * prediction + shift.view(-1, 1, 1) + + loss = nn.functional.l1_loss(scaled_prediction[mask], target[mask]) + if not return_interpolated: + return loss + return loss, intr_input + + + + +if __name__ == '__main__': + # Tests for DiscreteNLLLoss + celoss = DiscreteNLLLoss() + print(celoss(torch.rand(4, 64, 26, 32)*10, torch.rand(4, 1, 26, 32)*10, )) + + d = torch.Tensor([6.59, 3.8, 10.0]) + print(celoss.dequantize_depth(celoss.quantize_depth(d))) diff --git a/zoedepth/trainers/zoedepth_nk_trainer.py b/zoedepth/trainers/zoedepth_nk_trainer.py new file mode 100644 index 000000000..d528ae126 --- /dev/null +++ b/zoedepth/trainers/zoedepth_nk_trainer.py @@ -0,0 +1,143 @@ +# MIT License + +# Copyright (c) 2022 Intelligent Systems Lab Org + +# 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. + +# File author: Shariq Farooq Bhat + +import torch +import torch.cuda.amp as amp +import torch.nn as nn + +from zoedepth.trainers.loss import GradL1Loss, SILogLoss +from zoedepth.utils.config import DATASETS_CONFIG +from zoedepth.utils.misc import compute_metrics + +from .base_trainer import BaseTrainer + + +class Trainer(BaseTrainer): + def __init__(self, config, model, train_loader, test_loader=None, device=None): + super().__init__(config, model, train_loader, + test_loader=test_loader, device=device) + self.device = device + self.silog_loss = SILogLoss() + self.grad_loss = GradL1Loss() + self.domain_classifier_loss = nn.CrossEntropyLoss() + + self.scaler = amp.GradScaler(enabled=self.config.use_amp) + + def train_on_batch(self, batch, train_step): + """ + Expects a batch of images and depth as input + batch["image"].shape : batch_size, c, h, w + batch["depth"].shape : batch_size, 1, h, w + + Assumes all images in a batch are from the same dataset + """ + + images, depths_gt = batch['image'].to( + self.device), batch['depth'].to(self.device) + # batch['dataset'] is a tensor strings all valued either 'nyu' or 'kitti'. labels nyu -> 0, kitti -> 1 + dataset = batch['dataset'][0] + # Convert to 0s or 1s + domain_labels = torch.Tensor([dataset == 'kitti' for _ in range( + images.size(0))]).to(torch.long).to(self.device) + + # m = self.model.module if self.config.multigpu else self.model + + b, c, h, w = images.size() + mask = batch["mask"].to(self.device).to(torch.bool) + + losses = {} + + with amp.autocast(enabled=self.config.use_amp): + output = self.model(images) + pred_depths = output['metric_depth'] + domain_logits = output['domain_logits'] + + l_si, pred = self.silog_loss( + pred_depths, depths_gt, mask=mask, interpolate=True, return_interpolated=True) + loss = self.config.w_si * l_si + losses[self.silog_loss.name] = l_si + + if self.config.w_grad > 0: + l_grad = self.grad_loss(pred, depths_gt, mask=mask) + loss = loss + self.config.w_grad * l_grad + losses[self.grad_loss.name] = l_grad + else: + l_grad = torch.Tensor([0]) + + if self.config.w_domain > 0: + l_domain = self.domain_classifier_loss( + domain_logits, domain_labels) + loss = loss + self.config.w_domain * l_domain + losses["DomainLoss"] = l_domain + else: + l_domain = torch.Tensor([0.]) + + self.scaler.scale(loss).backward() + + if self.config.clip_grad > 0: + self.scaler.unscale_(self.optimizer) + nn.utils.clip_grad_norm_( + self.model.parameters(), self.config.clip_grad) + + self.scaler.step(self.optimizer) + + if self.should_log and self.step > 1 and (self.step % int(self.config.log_images_every * self.iters_per_epoch)) == 0: + depths_gt[torch.logical_not(mask)] = -99 + self.log_images(rgb={"Input": images[0, ...]}, depth={"GT": depths_gt[0], "PredictedMono": pred[0]}, prefix="Train", + min_depth=DATASETS_CONFIG[dataset]['min_depth'], max_depth=DATASETS_CONFIG[dataset]['max_depth']) + + self.scaler.update() + self.optimizer.zero_grad(set_to_none=True) + + return losses + + def validate_on_batch(self, batch, val_step): + images = batch['image'].to(self.device) + depths_gt = batch['depth'].to(self.device) + dataset = batch['dataset'][0] + if 'has_valid_depth' in batch: + if not batch['has_valid_depth']: + return None, None + + depths_gt = depths_gt.squeeze().unsqueeze(0).unsqueeze(0) + with amp.autocast(enabled=self.config.use_amp): + m = self.model.module if self.config.multigpu else self.model + pred_depths = m(images)["metric_depth"] + pred_depths = pred_depths.squeeze().unsqueeze(0).unsqueeze(0) + + mask = torch.logical_and( + depths_gt > self.config.min_depth, depths_gt < self.config.max_depth) + with amp.autocast(enabled=self.config.use_amp): + l_depth = self.silog_loss( + pred_depths, depths_gt, mask=mask.to(torch.bool), interpolate=True) + + metrics = compute_metrics(depths_gt, pred_depths, **self.config) + losses = {f"{self.silog_loss.name}": l_depth.item()} + + if val_step == 1 and self.should_log: + depths_gt[torch.logical_not(mask)] = -99 + self.log_images(rgb={"Input": images[0]}, depth={"GT": depths_gt[0], "PredictedMono": pred_depths[0]}, prefix="Test", + min_depth=DATASETS_CONFIG[dataset]['min_depth'], max_depth=DATASETS_CONFIG[dataset]['max_depth']) + + return metrics, losses diff --git a/zoedepth/trainers/zoedepth_trainer.py b/zoedepth/trainers/zoedepth_trainer.py new file mode 100644 index 000000000..3ac1c24c0 --- /dev/null +++ b/zoedepth/trainers/zoedepth_trainer.py @@ -0,0 +1,177 @@ +# MIT License + +# Copyright (c) 2022 Intelligent Systems Lab Org + +# 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. + +# File author: Shariq Farooq Bhat + +import torch +import torch.cuda.amp as amp +import torch.nn as nn + +from zoedepth.trainers.loss import GradL1Loss, SILogLoss +from zoedepth.utils.config import DATASETS_CONFIG +from zoedepth.utils.misc import compute_metrics +from zoedepth.data.preprocess import get_black_border + +from .base_trainer import BaseTrainer +from torchvision import transforms +from PIL import Image +import numpy as np + +class Trainer(BaseTrainer): + def __init__(self, config, model, train_loader, test_loader=None, device=None): + super().__init__(config, model, train_loader, + test_loader=test_loader, device=device) + self.device = device + self.silog_loss = SILogLoss() + self.grad_loss = GradL1Loss() + self.scaler = amp.GradScaler(enabled=self.config.use_amp) + + def train_on_batch(self, batch, train_step): + """ + Expects a batch of images and depth as input + batch["image"].shape : batch_size, c, h, w + batch["depth"].shape : batch_size, 1, h, w + """ + + images, depths_gt = batch['image'].to( + self.device), batch['depth'].to(self.device) + dataset = batch['dataset'][0] + + b, c, h, w = images.size() + mask = batch["mask"].to(self.device).to(torch.bool) + + losses = {} + + with amp.autocast(enabled=self.config.use_amp): + + output = self.model(images) + pred_depths = output['metric_depth'] + + l_si, pred = self.silog_loss( + pred_depths, depths_gt, mask=mask, interpolate=True, return_interpolated=True) + loss = self.config.w_si * l_si + losses[self.silog_loss.name] = l_si + + if self.config.w_grad > 0: + l_grad = self.grad_loss(pred, depths_gt, mask=mask) + loss = loss + self.config.w_grad * l_grad + losses[self.grad_loss.name] = l_grad + else: + l_grad = torch.Tensor([0]) + + self.scaler.scale(loss).backward() + + if self.config.clip_grad > 0: + self.scaler.unscale_(self.optimizer) + nn.utils.clip_grad_norm_( + self.model.parameters(), self.config.clip_grad) + + self.scaler.step(self.optimizer) + + if self.should_log and (self.step % int(self.config.log_images_every * self.iters_per_epoch)) == 0: + # -99 is treated as invalid depth in the log_images function and is colored grey. + depths_gt[torch.logical_not(mask)] = -99 + + self.log_images(rgb={"Input": images[0, ...]}, depth={"GT": depths_gt[0], "PredictedMono": pred[0]}, prefix="Train", + min_depth=DATASETS_CONFIG[dataset]['min_depth'], max_depth=DATASETS_CONFIG[dataset]['max_depth']) + + if self.config.get("log_rel", False): + self.log_images( + scalar_field={"RelPred": output["relative_depth"][0]}, prefix="TrainRel") + + self.scaler.update() + self.optimizer.zero_grad() + + return losses + + @torch.no_grad() + def eval_infer(self, x): + with amp.autocast(enabled=self.config.use_amp): + m = self.model.module if self.config.multigpu else self.model + pred_depths = m(x)['metric_depth'] + return pred_depths + + @torch.no_grad() + def crop_aware_infer(self, x): + # if we are not avoiding the black border, we can just use the normal inference + if not self.config.get("avoid_boundary", False): + return self.eval_infer(x) + + # otherwise, we need to crop the image to avoid the black border + # For now, this may be a bit slow due to converting to numpy and back + # We assume no normalization is done on the input image + + # get the black border + assert x.shape[0] == 1, "Only batch size 1 is supported for now" + x_pil = transforms.ToPILImage()(x[0].cpu()) + x_np = np.array(x_pil, dtype=np.uint8) + black_border_params = get_black_border(x_np) + top, bottom, left, right = black_border_params.top, black_border_params.bottom, black_border_params.left, black_border_params.right + x_np_cropped = x_np[top:bottom, left:right, :] + x_cropped = transforms.ToTensor()(Image.fromarray(x_np_cropped)) + + # run inference on the cropped image + pred_depths_cropped = self.eval_infer(x_cropped.unsqueeze(0).to(self.device)) + + # resize the prediction to x_np_cropped's size + pred_depths_cropped = nn.functional.interpolate( + pred_depths_cropped, size=(x_np_cropped.shape[0], x_np_cropped.shape[1]), mode="bilinear", align_corners=False) + + + # pad the prediction back to the original size + pred_depths = torch.zeros((1, 1, x_np.shape[0], x_np.shape[1]), device=pred_depths_cropped.device, dtype=pred_depths_cropped.dtype) + pred_depths[:, :, top:bottom, left:right] = pred_depths_cropped + + return pred_depths + + + + def validate_on_batch(self, batch, val_step): + images = batch['image'].to(self.device) + depths_gt = batch['depth'].to(self.device) + dataset = batch['dataset'][0] + mask = batch["mask"].to(self.device) + if 'has_valid_depth' in batch: + if not batch['has_valid_depth']: + return None, None + + depths_gt = depths_gt.squeeze().unsqueeze(0).unsqueeze(0) + mask = mask.squeeze().unsqueeze(0).unsqueeze(0) + if dataset == 'nyu': + pred_depths = self.crop_aware_infer(images) + else: + pred_depths = self.eval_infer(images) + pred_depths = pred_depths.squeeze().unsqueeze(0).unsqueeze(0) + + with amp.autocast(enabled=self.config.use_amp): + l_depth = self.silog_loss( + pred_depths, depths_gt, mask=mask.to(torch.bool), interpolate=True) + + metrics = compute_metrics(depths_gt, pred_depths, **self.config) + losses = {f"{self.silog_loss.name}": l_depth.item()} + + if val_step == 1 and self.should_log: + depths_gt[torch.logical_not(mask)] = -99 + self.log_images(rgb={"Input": images[0]}, depth={"GT": depths_gt[0], "PredictedMono": pred_depths[0]}, prefix="Test", + min_depth=DATASETS_CONFIG[dataset]['min_depth'], max_depth=DATASETS_CONFIG[dataset]['max_depth']) + + return metrics, losses diff --git a/zoedepth/utils/__init__.py b/zoedepth/utils/__init__.py new file mode 100644 index 000000000..5f2668792 --- /dev/null +++ b/zoedepth/utils/__init__.py @@ -0,0 +1,24 @@ +# MIT License + +# Copyright (c) 2022 Intelligent Systems Lab Org + +# 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. + +# File author: Shariq Farooq Bhat + diff --git a/zoedepth/utils/arg_utils.py b/zoedepth/utils/arg_utils.py new file mode 100644 index 000000000..8a3004ec3 --- /dev/null +++ b/zoedepth/utils/arg_utils.py @@ -0,0 +1,33 @@ + + +def infer_type(x): # hacky way to infer type from string args + if not isinstance(x, str): + return x + + try: + x = int(x) + return x + except ValueError: + pass + + try: + x = float(x) + return x + except ValueError: + pass + + return x + + +def parse_unknown(unknown_args): + clean = [] + for a in unknown_args: + if "=" in a: + k, v = a.split("=") + clean.extend([k, v]) + else: + clean.append(a) + + keys = clean[::2] + values = clean[1::2] + return {k.replace("--", ""): infer_type(v) for k, v in zip(keys, values)} diff --git a/zoedepth/utils/config.py b/zoedepth/utils/config.py new file mode 100644 index 000000000..363b0e186 --- /dev/null +++ b/zoedepth/utils/config.py @@ -0,0 +1,437 @@ +# MIT License + +# Copyright (c) 2022 Intelligent Systems Lab Org + +# 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. + +# File author: Shariq Farooq Bhat + +import json +import os + +from zoedepth.utils.easydict import EasyDict as edict + +from zoedepth.utils.arg_utils import infer_type +import pathlib +import platform + +ROOT = pathlib.Path(__file__).parent.parent.resolve() + +HOME_DIR = os.path.expanduser("~") + +COMMON_CONFIG = { + "save_dir": os.path.expanduser("~/shortcuts/monodepth3_checkpoints"), + "project": "ZoeDepth", + "tags": '', + "notes": "", + "gpu": None, + "root": ".", + "uid": None, + "print_losses": False +} + +DATASETS_CONFIG = { + "kitti": { + "dataset": "kitti", + "min_depth": 0.001, + "max_depth": 80, + "data_path": os.path.join(HOME_DIR, "shortcuts/datasets/kitti/raw"), + "gt_path": os.path.join(HOME_DIR, "shortcuts/datasets/kitti/gts"), + "filenames_file": "./train_test_inputs/kitti_eigen_train_files_with_gt.txt", + "input_height": 352, + "input_width": 1216, # 704 + "data_path_eval": os.path.join(HOME_DIR, "shortcuts/datasets/kitti/raw"), + "gt_path_eval": os.path.join(HOME_DIR, "shortcuts/datasets/kitti/gts"), + "filenames_file_eval": "./train_test_inputs/kitti_eigen_test_files_with_gt.txt", + + "min_depth_eval": 1e-3, + "max_depth_eval": 80, + + "do_random_rotate": True, + "degree": 1.0, + "do_kb_crop": True, + "garg_crop": True, + "eigen_crop": False, + "use_right": False + }, + "kitti_test": { + "dataset": "kitti", + "min_depth": 0.001, + "max_depth": 80, + "data_path": os.path.join(HOME_DIR, "shortcuts/datasets/kitti/raw"), + "gt_path": os.path.join(HOME_DIR, "shortcuts/datasets/kitti/gts"), + "filenames_file": "./train_test_inputs/kitti_eigen_train_files_with_gt.txt", + "input_height": 352, + "input_width": 1216, + "data_path_eval": os.path.join(HOME_DIR, "shortcuts/datasets/kitti/raw"), + "gt_path_eval": os.path.join(HOME_DIR, "shortcuts/datasets/kitti/gts"), + "filenames_file_eval": "./train_test_inputs/kitti_eigen_test_files_with_gt.txt", + + "min_depth_eval": 1e-3, + "max_depth_eval": 80, + + "do_random_rotate": False, + "degree": 1.0, + "do_kb_crop": True, + "garg_crop": True, + "eigen_crop": False, + "use_right": False + }, + "nyu": { + "dataset": "nyu", + "avoid_boundary": False, + "min_depth": 1e-3, # originally 0.1 + "max_depth": 10, + "data_path": os.path.join(HOME_DIR, "shortcuts/datasets/nyu_depth_v2/sync/"), + "gt_path": os.path.join(HOME_DIR, "shortcuts/datasets/nyu_depth_v2/sync/"), + "filenames_file": "./train_test_inputs/nyudepthv2_train_files_with_gt.txt", + "input_height": 480, + "input_width": 640, + "data_path_eval": os.path.join(HOME_DIR, "shortcuts/datasets/nyu_depth_v2/official_splits/test/"), + "gt_path_eval": os.path.join(HOME_DIR, "shortcuts/datasets/nyu_depth_v2/official_splits/test/"), + "filenames_file_eval": "./train_test_inputs/nyudepthv2_test_files_with_gt.txt", + "min_depth_eval": 1e-3, + "max_depth_eval": 10, + "min_depth_diff": -10, + "max_depth_diff": 10, + + "do_random_rotate": True, + "degree": 1.0, + "do_kb_crop": False, + "garg_crop": False, + "eigen_crop": True + }, + "ibims": { + "dataset": "ibims", + "ibims_root": os.path.join(HOME_DIR, "shortcuts/datasets/ibims/ibims1_core_raw/"), + "eigen_crop": True, + "garg_crop": False, + "do_kb_crop": False, + "min_depth_eval": 0, + "max_depth_eval": 10, + "min_depth": 1e-3, + "max_depth": 10 + }, + "sunrgbd": { + "dataset": "sunrgbd", + "sunrgbd_root": os.path.join(HOME_DIR, "shortcuts/datasets/SUNRGBD/test/"), + "eigen_crop": True, + "garg_crop": False, + "do_kb_crop": False, + "min_depth_eval": 0, + "max_depth_eval": 8, + "min_depth": 1e-3, + "max_depth": 10 + }, + "diml_indoor": { + "dataset": "diml_indoor", + "diml_indoor_root": os.path.join(HOME_DIR, "shortcuts/datasets/diml_indoor_test/"), + "eigen_crop": True, + "garg_crop": False, + "do_kb_crop": False, + "min_depth_eval": 0, + "max_depth_eval": 10, + "min_depth": 1e-3, + "max_depth": 10 + }, + "diml_outdoor": { + "dataset": "diml_outdoor", + "diml_outdoor_root": os.path.join(HOME_DIR, "shortcuts/datasets/diml_outdoor_test/"), + "eigen_crop": False, + "garg_crop": True, + "do_kb_crop": False, + "min_depth_eval": 2, + "max_depth_eval": 80, + "min_depth": 1e-3, + "max_depth": 80 + }, + "diode_indoor": { + "dataset": "diode_indoor", + "diode_indoor_root": os.path.join(HOME_DIR, "shortcuts/datasets/diode_indoor/"), + "eigen_crop": True, + "garg_crop": False, + "do_kb_crop": False, + "min_depth_eval": 1e-3, + "max_depth_eval": 10, + "min_depth": 1e-3, + "max_depth": 10 + }, + "diode_outdoor": { + "dataset": "diode_outdoor", + "diode_outdoor_root": os.path.join(HOME_DIR, "shortcuts/datasets/diode_outdoor/"), + "eigen_crop": False, + "garg_crop": True, + "do_kb_crop": False, + "min_depth_eval": 1e-3, + "max_depth_eval": 80, + "min_depth": 1e-3, + "max_depth": 80 + }, + "hypersim_test": { + "dataset": "hypersim_test", + "hypersim_test_root": os.path.join(HOME_DIR, "shortcuts/datasets/hypersim_test/"), + "eigen_crop": True, + "garg_crop": False, + "do_kb_crop": False, + "min_depth_eval": 1e-3, + "max_depth_eval": 80, + "min_depth": 1e-3, + "max_depth": 10 + }, + "vkitti": { + "dataset": "vkitti", + "vkitti_root": os.path.join(HOME_DIR, "shortcuts/datasets/vkitti_test/"), + "eigen_crop": False, + "garg_crop": True, + "do_kb_crop": True, + "min_depth_eval": 1e-3, + "max_depth_eval": 80, + "min_depth": 1e-3, + "max_depth": 80 + }, + "vkitti2": { + "dataset": "vkitti2", + "vkitti2_root": os.path.join(HOME_DIR, "shortcuts/datasets/vkitti2/"), + "eigen_crop": False, + "garg_crop": True, + "do_kb_crop": True, + "min_depth_eval": 1e-3, + "max_depth_eval": 80, + "min_depth": 1e-3, + "max_depth": 80, + }, + "ddad": { + "dataset": "ddad", + "ddad_root": os.path.join(HOME_DIR, "shortcuts/datasets/ddad/ddad_val/"), + "eigen_crop": False, + "garg_crop": True, + "do_kb_crop": True, + "min_depth_eval": 1e-3, + "max_depth_eval": 80, + "min_depth": 1e-3, + "max_depth": 80, + }, +} + +ALL_INDOOR = ["nyu", "ibims", "sunrgbd", "diode_indoor", "hypersim_test"] +ALL_OUTDOOR = ["kitti", "diml_outdoor", "diode_outdoor", "vkitti2", "ddad"] +ALL_EVAL_DATASETS = ALL_INDOOR + ALL_OUTDOOR + +COMMON_TRAINING_CONFIG = { + "dataset": "nyu", + "distributed": True, + "workers": 16, + "clip_grad": 0.1, + "use_shared_dict": False, + "shared_dict": None, + "use_amp": False, + + "aug": True, + "random_crop": False, + "random_translate": False, + "translate_prob": 0.2, + "max_translation": 100, + + "validate_every": 0.25, + "log_images_every": 0.1, + "prefetch": False, +} + + +def flatten(config, except_keys=('bin_conf')): + def recurse(inp): + if isinstance(inp, dict): + for key, value in inp.items(): + if key in except_keys: + yield (key, value) + if isinstance(value, dict): + yield from recurse(value) + else: + yield (key, value) + + return dict(list(recurse(config))) + + +def split_combined_args(kwargs): + """Splits the arguments that are combined with '__' into multiple arguments. + Combined arguments should have equal number of keys and values. + Keys are separated by '__' and Values are separated with ';'. + For example, '__n_bins__lr=256;0.001' + + Args: + kwargs (dict): key-value pairs of arguments where key-value is optionally combined according to the above format. + + Returns: + dict: Parsed dict with the combined arguments split into individual key-value pairs. + """ + new_kwargs = dict(kwargs) + for key, value in kwargs.items(): + if key.startswith("__"): + keys = key.split("__")[1:] + values = value.split(";") + assert len(keys) == len( + values), f"Combined arguments should have equal number of keys and values. Keys are separated by '__' and Values are separated with ';'. For example, '__n_bins__lr=256;0.001. Given (keys,values) is ({keys}, {values})" + for k, v in zip(keys, values): + new_kwargs[k] = v + return new_kwargs + + +def parse_list(config, key, dtype=int): + """Parse a list of values for the key if the value is a string. The values are separated by a comma. + Modifies the config in place. + """ + if key in config: + if isinstance(config[key], str): + config[key] = list(map(dtype, config[key].split(','))) + assert isinstance(config[key], list) and all([isinstance(e, dtype) for e in config[key]] + ), f"{key} should be a list of values dtype {dtype}. Given {config[key]} of type {type(config[key])} with values of type {[type(e) for e in config[key]]}." + + +def get_model_config(model_name, model_version=None): + """Find and parse the .json config file for the model. + + Args: + model_name (str): name of the model. The config file should be named config_{model_name}[_{model_version}].json under the models/{model_name} directory. + model_version (str, optional): Specific config version. If specified config_{model_name}_{model_version}.json is searched for and used. Otherwise config_{model_name}.json is used. Defaults to None. + + Returns: + easydict: the config dictionary for the model. + """ + config_fname = f"config_{model_name}_{model_version}.json" if model_version is not None else f"config_{model_name}.json" + config_file = os.path.join(ROOT, "models", model_name, config_fname) + if not os.path.exists(config_file): + return None + + with open(config_file, "r") as f: + config = edict(json.load(f)) + + # handle dictionary inheritance + # only training config is supported for inheritance + if "inherit" in config.train and config.train.inherit is not None: + inherit_config = get_model_config(config.train["inherit"]).train + for key, value in inherit_config.items(): + if key not in config.train: + config.train[key] = value + return edict(config) + + +def update_model_config(config, mode, model_name, model_version=None, strict=False): + model_config = get_model_config(model_name, model_version) + if model_config is not None: + config = {**config, ** + flatten({**model_config.model, **model_config[mode]})} + elif strict: + raise ValueError(f"Config file for model {model_name} not found.") + return config + + +def check_choices(name, value, choices): + # return # No checks in dev branch + if value not in choices: + raise ValueError(f"{name} {value} not in supported choices {choices}") + + +KEYS_TYPE_BOOL = ["use_amp", "distributed", "use_shared_dict", "same_lr", "aug", "three_phase", + "prefetch", "cycle_momentum"] # Casting is not necessary as their int casted values in config are 0 or 1 + + +def get_config(model_name, mode='train', dataset=None, **overwrite_kwargs): + """Main entry point to get the config for the model. + + Args: + model_name (str): name of the desired model. + mode (str, optional): "train" or "infer". Defaults to 'train'. + dataset (str, optional): If specified, the corresponding dataset configuration is loaded as well. Defaults to None. + + Keyword Args: key-value pairs of arguments to overwrite the default config. + + The order of precedence for overwriting the config is (Higher precedence first): + # 1. overwrite_kwargs + # 2. "config_version": Config file version if specified in overwrite_kwargs. The corresponding config loaded is config_{model_name}_{config_version}.json + # 3. "version_name": Default Model version specific config specified in overwrite_kwargs. The corresponding config loaded is config_{model_name}_{version_name}.json + # 4. common_config: Default config for all models specified in COMMON_CONFIG + + Returns: + easydict: The config dictionary for the model. + """ + + + check_choices("Model", model_name, ["zoedepth", "zoedepth_nk"]) + check_choices("Mode", mode, ["train", "infer", "eval"]) + if mode == "train": + check_choices("Dataset", dataset, ["nyu", "kitti", "mix", None]) + + config = flatten({**COMMON_CONFIG, **COMMON_TRAINING_CONFIG}) + config = update_model_config(config, mode, model_name) + + # update with model version specific config + version_name = overwrite_kwargs.get("version_name", config["version_name"]) + config = update_model_config(config, mode, model_name, version_name) + + # update with config version if specified + config_version = overwrite_kwargs.get("config_version", None) + if config_version is not None: + print("Overwriting config with config_version", config_version) + config = update_model_config(config, mode, model_name, config_version) + + # update with overwrite_kwargs + # Combined args are useful for hyperparameter search + overwrite_kwargs = split_combined_args(overwrite_kwargs) + config = {**config, **overwrite_kwargs} + + # Casting to bool # TODO: Not necessary. Remove and test + for key in KEYS_TYPE_BOOL: + if key in config: + config[key] = bool(config[key]) + + # Model specific post processing of config + parse_list(config, "n_attractors") + + # adjust n_bins for each bin configuration if bin_conf is given and n_bins is passed in overwrite_kwargs + if 'bin_conf' in config and 'n_bins' in overwrite_kwargs: + bin_conf = config['bin_conf'] # list of dicts + n_bins = overwrite_kwargs['n_bins'] + new_bin_conf = [] + for conf in bin_conf: + conf['n_bins'] = n_bins + new_bin_conf.append(conf) + config['bin_conf'] = new_bin_conf + + if mode == "train": + orig_dataset = dataset + if dataset == "mix": + dataset = 'nyu' # Use nyu as default for mix. Dataset config is changed accordingly while loading the dataloader + if dataset is not None: + config['project'] = f"MonoDepth3-{orig_dataset}" # Set project for wandb + + if dataset is not None: + config['dataset'] = dataset + config = {**DATASETS_CONFIG[dataset], **config} + + + config['model'] = model_name + typed_config = {k: infer_type(v) for k, v in config.items()} + # add hostname to config + config['hostname'] = platform.node() + return edict(typed_config) + + +def change_dataset(config, new_dataset): + config.update(DATASETS_CONFIG[new_dataset]) + return config diff --git a/zoedepth/utils/easydict/__init__.py b/zoedepth/utils/easydict/__init__.py new file mode 100644 index 000000000..15928179b --- /dev/null +++ b/zoedepth/utils/easydict/__init__.py @@ -0,0 +1,158 @@ +""" +EasyDict +Copy/pasted from https://github.com/makinacorpus/easydict +Original author: Mathieu Leplatre +""" + +class EasyDict(dict): + """ + Get attributes + + >>> d = EasyDict({'foo':3}) + >>> d['foo'] + 3 + >>> d.foo + 3 + >>> d.bar + Traceback (most recent call last): + ... + AttributeError: 'EasyDict' object has no attribute 'bar' + + Works recursively + + >>> d = EasyDict({'foo':3, 'bar':{'x':1, 'y':2}}) + >>> isinstance(d.bar, dict) + True + >>> d.bar.x + 1 + + Bullet-proof + + >>> EasyDict({}) + {} + >>> EasyDict(d={}) + {} + >>> EasyDict(None) + {} + >>> d = {'a': 1} + >>> EasyDict(**d) + {'a': 1} + >>> EasyDict((('a', 1), ('b', 2))) + {'a': 1, 'b': 2} + + Set attributes + + >>> d = EasyDict() + >>> d.foo = 3 + >>> d.foo + 3 + >>> d.bar = {'prop': 'value'} + >>> d.bar.prop + 'value' + >>> d + {'foo': 3, 'bar': {'prop': 'value'}} + >>> d.bar.prop = 'newer' + >>> d.bar.prop + 'newer' + + + Values extraction + + >>> d = EasyDict({'foo':0, 'bar':[{'x':1, 'y':2}, {'x':3, 'y':4}]}) + >>> isinstance(d.bar, list) + True + >>> from operator import attrgetter + >>> list(map(attrgetter('x'), d.bar)) + [1, 3] + >>> list(map(attrgetter('y'), d.bar)) + [2, 4] + >>> d = EasyDict() + >>> list(d.keys()) + [] + >>> d = EasyDict(foo=3, bar=dict(x=1, y=2)) + >>> d.foo + 3 + >>> d.bar.x + 1 + + Still like a dict though + + >>> o = EasyDict({'clean':True}) + >>> list(o.items()) + [('clean', True)] + + And like a class + + >>> class Flower(EasyDict): + ... power = 1 + ... + >>> f = Flower() + >>> f.power + 1 + >>> f = Flower({'height': 12}) + >>> f.height + 12 + >>> f['power'] + 1 + >>> sorted(f.keys()) + ['height', 'power'] + + update and pop items + >>> d = EasyDict(a=1, b='2') + >>> e = EasyDict(c=3.0, a=9.0) + >>> d.update(e) + >>> d.c + 3.0 + >>> d['c'] + 3.0 + >>> d.get('c') + 3.0 + >>> d.update(a=4, b=4) + >>> d.b + 4 + >>> d.pop('a') + 4 + >>> d.a + Traceback (most recent call last): + ... + AttributeError: 'EasyDict' object has no attribute 'a' + """ + def __init__(self, d=None, **kwargs): + if d is None: + d = {} + else: + d = dict(d) + if kwargs: + d.update(**kwargs) + for k, v in d.items(): + setattr(self, k, v) + # Class attributes + for k in self.__class__.__dict__.keys(): + if not (k.startswith('__') and k.endswith('__')) and not k in ('update', 'pop'): + setattr(self, k, getattr(self, k)) + + def __setattr__(self, name, value): + if isinstance(value, (list, tuple)): + value = [self.__class__(x) + if isinstance(x, dict) else x for x in value] + elif isinstance(value, dict) and not isinstance(value, self.__class__): + value = self.__class__(value) + super(EasyDict, self).__setattr__(name, value) + super(EasyDict, self).__setitem__(name, value) + + __setitem__ = __setattr__ + + def update(self, e=None, **f): + d = e or dict() + d.update(f) + for k in d: + setattr(self, k, d[k]) + + def pop(self, k, d=None): + delattr(self, k) + return super(EasyDict, self).pop(k, d) + + +if __name__ == "__main__": + import doctest + doctest.testmod() \ No newline at end of file diff --git a/zoedepth/utils/misc.py b/zoedepth/utils/misc.py new file mode 100644 index 000000000..4bbe403d3 --- /dev/null +++ b/zoedepth/utils/misc.py @@ -0,0 +1,368 @@ +# MIT License + +# Copyright (c) 2022 Intelligent Systems Lab Org + +# 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. + +# File author: Shariq Farooq Bhat + +"""Miscellaneous utility functions.""" + +from scipy import ndimage + +import base64 +import math +import re +from io import BytesIO + +import matplotlib +import matplotlib.cm +import numpy as np +import requests +import torch +import torch.distributed as dist +import torch.nn +import torch.nn as nn +import torch.utils.data.distributed +from PIL import Image +from torchvision.transforms import ToTensor + + +class RunningAverage: + def __init__(self): + self.avg = 0 + self.count = 0 + + def append(self, value): + self.avg = (value + self.count * self.avg) / (self.count + 1) + self.count += 1 + + def get_value(self): + return self.avg + + +def denormalize(x): + """Reverses the imagenet normalization applied to the input. + + Args: + x (torch.Tensor - shape(N,3,H,W)): input tensor + + Returns: + torch.Tensor - shape(N,3,H,W): Denormalized input + """ + mean = torch.Tensor([0.485, 0.456, 0.406]).view(1, 3, 1, 1).to(x.device) + std = torch.Tensor([0.229, 0.224, 0.225]).view(1, 3, 1, 1).to(x.device) + return x * std + mean + + +class RunningAverageDict: + """A dictionary of running averages.""" + def __init__(self): + self._dict = None + + def update(self, new_dict): + if new_dict is None: + return + + if self._dict is None: + self._dict = dict() + for key, value in new_dict.items(): + self._dict[key] = RunningAverage() + + for key, value in new_dict.items(): + self._dict[key].append(value) + + def get_value(self): + if self._dict is None: + return None + return {key: value.get_value() for key, value in self._dict.items()} + + +def colorize(value, vmin=None, vmax=None, cmap='gray_r', invalid_val=-99, invalid_mask=None, background_color=(128, 128, 128, 255), gamma_corrected=False, value_transform=None): + """Converts a depth map to a color image. + + Args: + value (torch.Tensor, numpy.ndarry): Input depth map. Shape: (H, W) or (1, H, W) or (1, 1, H, W). All singular dimensions are squeezed + vmin (float, optional): vmin-valued entries are mapped to start color of cmap. If None, value.min() is used. Defaults to None. + vmax (float, optional): vmax-valued entries are mapped to end color of cmap. If None, value.max() is used. Defaults to None. + cmap (str, optional): matplotlib colormap to use. Defaults to 'magma_r'. + invalid_val (int, optional): Specifies value of invalid pixels that should be colored as 'background_color'. Defaults to -99. + invalid_mask (numpy.ndarray, optional): Boolean mask for invalid regions. Defaults to None. + background_color (tuple[int], optional): 4-tuple RGB color to give to invalid pixels. Defaults to (128, 128, 128, 255). + gamma_corrected (bool, optional): Apply gamma correction to colored image. Defaults to False. + value_transform (Callable, optional): Apply transform function to valid pixels before coloring. Defaults to None. + + Returns: + numpy.ndarray, dtype - uint8: Colored depth map. Shape: (H, W, 4) + """ + if isinstance(value, torch.Tensor): + value = value.detach().cpu().numpy() + + value = value.squeeze() + if invalid_mask is None: + invalid_mask = value == invalid_val + mask = np.logical_not(invalid_mask) + + # normalize + vmin = np.percentile(value[mask],2) if vmin is None else vmin + vmax = np.percentile(value[mask],85) if vmax is None else vmax + if vmin != vmax: + value = (value - vmin) / (vmax - vmin) # vmin..vmax + else: + # Avoid 0-division + value = value * 0. + + # squeeze last dim if it exists + # grey out the invalid values + + value[invalid_mask] = np.nan + cmapper = matplotlib.cm.get_cmap(cmap) + if value_transform: + value = value_transform(value) + # value = value / value.max() + value = cmapper(value, bytes=True) # (nxmx4) + + # img = value[:, :, :] + img = value[...] + img[invalid_mask] = background_color + + # return img.transpose((2, 0, 1)) + if gamma_corrected: + # gamma correction + img = img / 255 + img = np.power(img, 2.2) + img = img * 255 + img = img.astype(np.uint8) + return img + + +def count_parameters(model, include_all=False): + return sum(p.numel() for p in model.parameters() if p.requires_grad or include_all) + + +def compute_errors(gt, pred): + """Compute metrics for 'pred' compared to 'gt' + + Args: + gt (numpy.ndarray): Ground truth values + pred (numpy.ndarray): Predicted values + + gt.shape should be equal to pred.shape + + Returns: + dict: Dictionary containing the following metrics: + 'a1': Delta1 accuracy: Fraction of pixels that are within a scale factor of 1.25 + 'a2': Delta2 accuracy: Fraction of pixels that are within a scale factor of 1.25^2 + 'a3': Delta3 accuracy: Fraction of pixels that are within a scale factor of 1.25^3 + 'abs_rel': Absolute relative error + 'rmse': Root mean squared error + 'log_10': Absolute log10 error + 'sq_rel': Squared relative error + 'rmse_log': Root mean squared error on the log scale + 'silog': Scale invariant log error + """ + thresh = np.maximum((gt / pred), (pred / gt)) + a1 = (thresh < 1.25).mean() + a2 = (thresh < 1.25 ** 2).mean() + a3 = (thresh < 1.25 ** 3).mean() + + abs_rel = np.mean(np.abs(gt - pred) / gt) + sq_rel = np.mean(((gt - pred) ** 2) / gt) + + rmse = (gt - pred) ** 2 + rmse = np.sqrt(rmse.mean()) + + rmse_log = (np.log(gt) - np.log(pred)) ** 2 + rmse_log = np.sqrt(rmse_log.mean()) + + err = np.log(pred) - np.log(gt) + silog = np.sqrt(np.mean(err ** 2) - np.mean(err) ** 2) * 100 + + log_10 = (np.abs(np.log10(gt) - np.log10(pred))).mean() + return dict(a1=a1, a2=a2, a3=a3, abs_rel=abs_rel, rmse=rmse, log_10=log_10, rmse_log=rmse_log, + silog=silog, sq_rel=sq_rel) + + +def compute_metrics(gt, pred, interpolate=True, garg_crop=False, eigen_crop=True, dataset='nyu', min_depth_eval=0.1, max_depth_eval=10, **kwargs): + """Compute metrics of predicted depth maps. Applies cropping and masking as necessary or specified via arguments. Refer to compute_errors for more details on metrics. + """ + if 'config' in kwargs: + config = kwargs['config'] + garg_crop = config.garg_crop + eigen_crop = config.eigen_crop + min_depth_eval = config.min_depth_eval + max_depth_eval = config.max_depth_eval + + if gt.shape[-2:] != pred.shape[-2:] and interpolate: + pred = nn.functional.interpolate( + pred, gt.shape[-2:], mode='bilinear', align_corners=True) + + pred = pred.squeeze().cpu().numpy() + pred[pred < min_depth_eval] = min_depth_eval + pred[pred > max_depth_eval] = max_depth_eval + pred[np.isinf(pred)] = max_depth_eval + pred[np.isnan(pred)] = min_depth_eval + + gt_depth = gt.squeeze().cpu().numpy() + valid_mask = np.logical_and( + gt_depth > min_depth_eval, gt_depth < max_depth_eval) + + if garg_crop or eigen_crop: + gt_height, gt_width = gt_depth.shape + eval_mask = np.zeros(valid_mask.shape) + + if garg_crop: + eval_mask[int(0.40810811 * gt_height):int(0.99189189 * gt_height), + int(0.03594771 * gt_width):int(0.96405229 * gt_width)] = 1 + + elif eigen_crop: + # print("-"*10, " EIGEN CROP ", "-"*10) + if dataset == 'kitti': + eval_mask[int(0.3324324 * gt_height):int(0.91351351 * gt_height), + int(0.0359477 * gt_width):int(0.96405229 * gt_width)] = 1 + else: + # assert gt_depth.shape == (480, 640), "Error: Eigen crop is currently only valid for (480, 640) images" + eval_mask[45:471, 41:601] = 1 + else: + eval_mask = np.ones(valid_mask.shape) + valid_mask = np.logical_and(valid_mask, eval_mask) + return compute_errors(gt_depth[valid_mask], pred[valid_mask]) + + +#################################### Model uilts ################################################ + + +def parallelize(config, model, find_unused_parameters=True): + + if config.gpu is not None: + torch.cuda.set_device(config.gpu) + model = model.cuda(config.gpu) + + config.multigpu = False + if config.distributed: + # Use DDP + config.multigpu = True + config.rank = config.rank * config.ngpus_per_node + config.gpu + dist.init_process_group(backend=config.dist_backend, init_method=config.dist_url, + world_size=config.world_size, rank=config.rank) + config.batch_size = int(config.batch_size / config.ngpus_per_node) + # config.batch_size = 8 + config.workers = int( + (config.num_workers + config.ngpus_per_node - 1) / config.ngpus_per_node) + print("Device", config.gpu, "Rank", config.rank, "batch size", + config.batch_size, "Workers", config.workers) + torch.cuda.set_device(config.gpu) + model = nn.SyncBatchNorm.convert_sync_batchnorm(model) + model = model.cuda(config.gpu) + model = torch.nn.parallel.DistributedDataParallel(model, device_ids=[config.gpu], output_device=config.gpu, + find_unused_parameters=find_unused_parameters) + + elif config.gpu is None: + # Use DP + config.multigpu = True + model = model.cuda() + model = torch.nn.DataParallel(model) + + return model + + +################################################################################################# + + +##################################################################################################### + + +class colors: + '''Colors class: + Reset all colors with colors.reset + Two subclasses fg for foreground and bg for background. + Use as colors.subclass.colorname. + i.e. colors.fg.red or colors.bg.green + Also, the generic bold, disable, underline, reverse, strikethrough, + and invisible work with the main class + i.e. colors.bold + ''' + reset = '\033[0m' + bold = '\033[01m' + disable = '\033[02m' + underline = '\033[04m' + reverse = '\033[07m' + strikethrough = '\033[09m' + invisible = '\033[08m' + + class fg: + black = '\033[30m' + red = '\033[31m' + green = '\033[32m' + orange = '\033[33m' + blue = '\033[34m' + purple = '\033[35m' + cyan = '\033[36m' + lightgrey = '\033[37m' + darkgrey = '\033[90m' + lightred = '\033[91m' + lightgreen = '\033[92m' + yellow = '\033[93m' + lightblue = '\033[94m' + pink = '\033[95m' + lightcyan = '\033[96m' + + class bg: + black = '\033[40m' + red = '\033[41m' + green = '\033[42m' + orange = '\033[43m' + blue = '\033[44m' + purple = '\033[45m' + cyan = '\033[46m' + lightgrey = '\033[47m' + + +def printc(text, color): + print(f"{color}{text}{colors.reset}") + +############################################ + +def get_image_from_url(url): + response = requests.get(url) + img = Image.open(BytesIO(response.content)).convert("RGB") + return img + +def url_to_torch(url, size=(384, 384)): + img = get_image_from_url(url) + img = img.resize(size, Image.ANTIALIAS) + img = torch.from_numpy(np.asarray(img)).float() + img = img.permute(2, 0, 1) + img.div_(255) + return img + +def pil_to_batched_tensor(img): + return ToTensor()(img).unsqueeze(0) + +def save_raw_16bit(depth, fpath="raw.png"): + if isinstance(depth, torch.Tensor): + depth = depth.squeeze().cpu().numpy() + + assert isinstance(depth, np.ndarray), "Depth must be a torch tensor or numpy array" + assert depth.ndim == 2, "Depth must be 2D" + depth = depth * 256 # scale for 16-bit png + depth = depth.astype(np.uint16) + depth = Image.fromarray(depth) + depth.save(fpath) + print("Saved raw depth to", fpath) \ No newline at end of file