diff --git a/.gitignore b/.gitignore new file mode 100644 index 0000000000000000000000000000000000000000..713ba5071b469aec8083e8f4305098c08bead898 --- /dev/null +++ b/.gitignore @@ -0,0 +1,4 @@ +outputs/ +ckpt/ +checkpoints/* +__pycache__/ \ No newline at end of file diff --git a/ZoeDepth/.gitignore b/ZoeDepth/.gitignore new file mode 100644 index 0000000000000000000000000000000000000000..832b9d621852cb1036394519f5fc9c43744516fd --- /dev/null +++ b/ZoeDepth/.gitignore @@ -0,0 +1,148 @@ +*.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/ +develop-eggs/ +dist/ +downloads/ +eggs/ +.eggs/ +lib/ +lib64/ +parts/ +sdist/ +var/ +wheels/ +pip-wheel-metadata/ +share/python-wheels/ +*.egg-info/ +.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. +*.manifest +*.spec + +# Installer logs +pip-log.txt +pip-delete-this-directory.txt + +# Unit test / coverage reports +htmlcov/ +.tox/ +.nox/ +.coverage +.coverage.* +.cache +nosetests.xml +coverage.xml +*.cover +*.py,cover +.hypothesis/ +.pytest_cache/ + +# Translations +*.mo +*.pot + +# Django stuff: +*.log +local_settings.py +db.sqlite3 +db.sqlite3-journal + +# Flask stuff: +instance/ +.webassets-cache + +# Scrapy stuff: +.scrapy + +# Sphinx documentation +docs/_build/ + +# PyBuilder +target/ + +# Jupyter Notebook +.ipynb_checkpoints + +# IPython +profile_default/ +ipython_config.py + +# pyenv +.python-version + +# pipenv +# According to pypa/pipenv#598, it is recommended to include Pipfile.lock in version control. +# However, in case of collaboration, if having platform-specific dependencies or dependencies +# having no cross-platform support, pipenv may install dependencies that don't work, or not +# install all needed dependencies. +#Pipfile.lock + +# PEP 582; used by e.g. github.com/David-OConnor/pyflow +__pypackages__/ + +# Celery stuff +celerybeat-schedule +celerybeat.pid + +# SageMath parsed files +*.sage.py + +# Environments +.env +.venv +env/ +venv/ +ENV/ +env.bak/ +venv.bak/ + +# Spyder project settings +.spyderproject +.spyproject + +# Rope project settings +.ropeproject + +# mkdocs documentation +/site + +# mypy +.mypy_cache/ +.dmypy.json +dmypy.json + +# Pyre type checker +.pyre/ diff --git a/ZoeDepth/LICENSE b/ZoeDepth/LICENSE new file mode 100644 index 0000000000000000000000000000000000000000..70a2068262a774e0e179b9c898ff38a665f59884 --- /dev/null +++ b/ZoeDepth/LICENSE @@ -0,0 +1,21 @@ +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. diff --git a/ZoeDepth/README.md b/ZoeDepth/README.md new file mode 100644 index 0000000000000000000000000000000000000000..446dae32b63740cc42fd0874848e1f56488d5665 --- /dev/null +++ b/ZoeDepth/README.md @@ -0,0 +1,248 @@ +# **ZoeDepth: Combining relative and metric depth** (Official implementation) +[![Open In Collab](https://colab.research.google.com/assets/colab-badge.svg)](https://colab.research.google.com/github/isl-org/ZoeDepth) +[![Open in Spaces](https://huggingface.co/datasets/huggingface/badges/raw/main/open-in-hf-spaces-sm.svg)](https://huggingface.co/spaces/shariqfarooq/ZoeDepth) + +[![License: MIT](https://img.shields.io/badge/License-MIT-green.svg)](https://opensource.org/licenses/MIT) ![PyTorch](https://img.shields.io/badge/PyTorch_v1.10.1-EE4C2C?&logo=pytorch&logoColor=white) +[![PWC](https://img.shields.io/endpoint.svg?url=https://paperswithcode.com/badge/zoedepth-zero-shot-transfer-by-combining/monocular-depth-estimation-on-nyu-depth-v2)](https://paperswithcode.com/sota/monocular-depth-estimation-on-nyu-depth-v2?p=zoedepth-zero-shot-transfer-by-combining) + +>#### [ZoeDepth: Zero-shot Transfer by Combining Relative and Metric Depth](https://arxiv.org/abs/2302.12288) +> ##### [Shariq Farooq Bhat](https://shariqfarooq123.github.io), [Reiner Birkl](https://www.researchgate.net/profile/Reiner-Birkl), [Diana Wofk](https://dwofk.github.io/), [Peter Wonka](http://peterwonka.net/), [Matthias Müller](https://matthias.pw/) + +[[Paper]](https://arxiv.org/abs/2302.12288) + +![teaser](assets/zoedepth-teaser.png) + +## **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) +- [**Gradio demo**](#gradio-demo) +- [**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 = "isl-org/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="" +``` +## **Gradio demo** +We provide a UI demo built using [gradio](https://gradio.app/). To get started, install UI requirements: +```bash +pip install -r ui/ui_requirements.txt +``` +Then launch the gradio UI: +```bash +python -m ui.app +``` + +The UI is also hosted on HuggingFace🤗 [here](https://huggingface.co/spaces/shariqfarooq/ZoeDepth) +## **Citation** +``` +@misc{https://doi.org/10.48550/arxiv.2302.12288, + doi = {10.48550/ARXIV.2302.12288}, + + url = {https://arxiv.org/abs/2302.12288}, + + author = {Bhat, Shariq Farooq and Birkl, Reiner and Wofk, Diana and Wonka, Peter and Müller, Matthias}, + + keywords = {Computer Vision and Pattern Recognition (cs.CV), FOS: Computer and information sciences, FOS: Computer and information sciences}, + + title = {ZoeDepth: Zero-shot Transfer by Combining Relative and Metric Depth}, + + publisher = {arXiv}, + + year = {2023}, + + copyright = {arXiv.org perpetual, non-exclusive license} +} + +``` + + + + + + + + + + + + + diff --git a/ZoeDepth/environment.yml b/ZoeDepth/environment.yml new file mode 100644 index 0000000000000000000000000000000000000000..60d27771ee57eb447fc568af916b67d5583e4577 --- /dev/null +++ b/ZoeDepth/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/ZoeDepth/evaluate.py b/ZoeDepth/evaluate.py new file mode 100644 index 0000000000000000000000000000000000000000..902b6aedf8f709449d90d5e2009efc781557b7c6 --- /dev/null +++ b/ZoeDepth/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/ZoeDepth/hubconf.py b/ZoeDepth/hubconf.py new file mode 100644 index 0000000000000000000000000000000000000000..6067c8fa96577893379e01bdcd3744682d7cda27 --- /dev/null +++ b/ZoeDepth/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 'mean'. + 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 = "url::https://github.com/isl-org/ZoeDepth/releases/download/v1.0/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 'mean'. + 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 = "url::https://github.com/isl-org/ZoeDepth/releases/download/v1.0/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 'mean'. + 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 = "url::https://github.com/isl-org/ZoeDepth/releases/download/v1.0/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/ZoeDepth/sanity.py b/ZoeDepth/sanity.py new file mode 100644 index 0000000000000000000000000000000000000000..a4915dfb23048ada91f28af83de858185f77d4cf --- /dev/null +++ b/ZoeDepth/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/ZoeDepth/sanity_hub.py b/ZoeDepth/sanity_hub.py new file mode 100644 index 0000000000000000000000000000000000000000..c6d41be85dbbd8d1ed294761a4e6f172a9bdfbb4 --- /dev/null +++ b/ZoeDepth/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/ZoeDepth/train_mix.py b/ZoeDepth/train_mix.py new file mode 100644 index 0000000000000000000000000000000000000000..a6496e267d75e01e737edf6a6462fcbe0dbc21c4 --- /dev/null +++ b/ZoeDepth/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/ZoeDepth/train_mono.py b/ZoeDepth/train_mono.py new file mode 100644 index 0000000000000000000000000000000000000000..eb21dc8d3b7f369827288130454f07692b24b30d --- /dev/null +++ b/ZoeDepth/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/ZoeDepth/train_test_inputs/kitti_eigen_test_files_with_gt.txt b/ZoeDepth/train_test_inputs/kitti_eigen_test_files_with_gt.txt new file mode 100644 index 0000000000000000000000000000000000000000..575b66115c160f6c9df37a206ac8ba17e6771ccc --- /dev/null +++ b/ZoeDepth/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/ZoeDepth/train_test_inputs/kitti_eigen_train_files_with_gt.txt b/ZoeDepth/train_test_inputs/kitti_eigen_train_files_with_gt.txt new file mode 100644 index 0000000000000000000000000000000000000000..49a88e0c9cd6b37c0ecc82e599fb470ec64dc7a2 --- /dev/null +++ b/ZoeDepth/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/ZoeDepth/train_test_inputs/nyudepthv2_test_files_with_gt.txt b/ZoeDepth/train_test_inputs/nyudepthv2_test_files_with_gt.txt new file mode 100644 index 0000000000000000000000000000000000000000..7939f5716d7147348e774b9d270dab14a068a447 --- /dev/null +++ b/ZoeDepth/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/ZoeDepth/train_test_inputs/nyudepthv2_train_files_with_gt.txt b/ZoeDepth/train_test_inputs/nyudepthv2_train_files_with_gt.txt new file mode 100644 index 0000000000000000000000000000000000000000..278b2dd04e145ed2b4063d31bc4f5346164bd09d --- /dev/null +++ b/ZoeDepth/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/ui/app.py b/ZoeDepth/ui/app.py new file mode 100644 index 0000000000000000000000000000000000000000..e32721854d4f9b0365b03d422896056280458963 --- /dev/null +++ b/ZoeDepth/ui/app.py @@ -0,0 +1,66 @@ +# 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 gradio as gr +import torch + +from .gradio_depth_pred import create_demo as create_depth_pred_demo +from .gradio_im_to_3d import create_demo as create_im_to_3d_demo +from .gradio_pano_to_3d import create_demo as create_pano_to_3d_demo + + +css = """ +#img-display-container { + max-height: 50vh; + } +#img-display-input { + max-height: 40vh; + } +#img-display-output { + max-height: 40vh; + } + +""" +DEVICE = 'cuda' if torch.cuda.is_available() else 'cpu' +model = torch.hub.load('isl-org/ZoeDepth', "ZoeD_N", pretrained=True).to(DEVICE).eval() + +title = "# ZoeDepth" +description = """Official demo for **ZoeDepth: Zero-shot Transfer by Combining Relative and Metric Depth**. + +ZoeDepth is a deep learning model for metric depth estimation from a single image. + +Please refer to our [paper](https://arxiv.org/abs/2302.12288) or [github](https://github.com/isl-org/ZoeDepth) for more details.""" + +with gr.Blocks(css=css) as demo: + gr.Markdown(title) + gr.Markdown(description) + with gr.Tab("Depth Prediction"): + create_depth_pred_demo(model) + with gr.Tab("Image to 3D"): + create_im_to_3d_demo(model) + with gr.Tab("360 Panorama to 3D"): + create_pano_to_3d_demo(model) + +if __name__ == '__main__': + demo.queue().launch() \ No newline at end of file diff --git a/ZoeDepth/ui/gradio_depth_pred.py b/ZoeDepth/ui/gradio_depth_pred.py new file mode 100644 index 0000000000000000000000000000000000000000..fb875451effe01cc336f140a5bb6a139b9e18004 --- /dev/null +++ b/ZoeDepth/ui/gradio_depth_pred.py @@ -0,0 +1,52 @@ +# 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 gradio as gr +from zoedepth.utils.misc import colorize +from PIL import Image +import tempfile + +def predict_depth(model, image): + depth = model.infer_pil(image) + return depth + +def create_demo(model): + gr.Markdown("### Depth Prediction demo") + with gr.Row(): + input_image = gr.Image(label="Input Image", type='pil', elem_id='img-display-input').style(height="auto") + depth_image = gr.Image(label="Depth Map", elem_id='img-display-output') + raw_file = gr.File(label="16-bit raw depth, multiplier:256") + submit = gr.Button("Submit") + + def on_submit(image): + depth = predict_depth(model, image) + colored_depth = colorize(depth, cmap='gray_r') + tmp = tempfile.NamedTemporaryFile(suffix='.png', delete=False) + raw_depth = Image.fromarray((depth*256).astype('uint16')) + raw_depth.save(tmp.name) + return [colored_depth, tmp.name] + + submit.click(on_submit, inputs=[input_image], outputs=[depth_image, raw_file]) + # examples = gr.Examples(examples=["examples/person_1.jpeg", "examples/person_2.jpeg", "examples/person-leaves.png", "examples/living-room.jpeg"], + # inputs=[input_image]) \ No newline at end of file diff --git a/ZoeDepth/ui/gradio_im_to_3d.py b/ZoeDepth/ui/gradio_im_to_3d.py new file mode 100644 index 0000000000000000000000000000000000000000..242948e9049cd2db046fdfdd8b009d7cc55a4da6 --- /dev/null +++ b/ZoeDepth/ui/gradio_im_to_3d.py @@ -0,0 +1,93 @@ +# 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 gradio as gr +import numpy as np +import trimesh +from zoedepth.utils.geometry import depth_to_points, create_triangles +from functools import partial +import tempfile + + +def depth_edges_mask(depth): + """Returns a mask of edges in the depth map. + Args: + depth: 2D numpy array of shape (H, W) with dtype float32. + Returns: + mask: 2D numpy array of shape (H, W) with dtype bool. + """ + # Compute the x and y gradients of the depth map. + depth_dx, depth_dy = np.gradient(depth) + # Compute the gradient magnitude. + depth_grad = np.sqrt(depth_dx ** 2 + depth_dy ** 2) + # Compute the edge mask. + mask = depth_grad > 0.05 + return mask + + +def predict_depth(model, image): + depth = model.infer_pil(image) + return depth + +def get_mesh(model, image, keep_edges=False): + image.thumbnail((1024,1024)) # limit the size of the input image + depth = predict_depth(model, image) + pts3d = depth_to_points(depth[None]) + pts3d = pts3d.reshape(-1, 3) + + # Create a trimesh mesh from the points + # Each pixel is connected to its 4 neighbors + # colors are the RGB values of the image + + verts = pts3d.reshape(-1, 3) + image = np.array(image) + if keep_edges: + triangles = create_triangles(image.shape[0], image.shape[1]) + else: + triangles = create_triangles(image.shape[0], image.shape[1], mask=~depth_edges_mask(depth)) + colors = image.reshape(-1, 3) + mesh = trimesh.Trimesh(vertices=verts, faces=triangles, vertex_colors=colors) + + # Save as glb + glb_file = tempfile.NamedTemporaryFile(suffix='.glb', delete=False) + glb_path = glb_file.name + mesh.export(glb_path) + return glb_path + +def create_demo(model): + + gr.Markdown("### Image to 3D mesh") + gr.Markdown("Convert a single 2D image to a 3D mesh") + + with gr.Row(): + image = gr.Image(label="Input Image", type='pil') + result = gr.Model3D(label="3d mesh reconstruction", clear_color=[ + 1.0, 1.0, 1.0, 1.0]) + + checkbox = gr.Checkbox(label="Keep occlusion edges", value=False) + submit = gr.Button("Submit") + submit.click(partial(get_mesh, model), inputs=[image, checkbox], outputs=[result]) + # examples = gr.Examples(examples=["examples/aerial_beach.jpeg", "examples/mountains.jpeg", "examples/person_1.jpeg", "examples/ancient-carved.jpeg"], + # inputs=[image]) + diff --git a/ZoeDepth/ui/gradio_pano_to_3d.py b/ZoeDepth/ui/gradio_pano_to_3d.py new file mode 100644 index 0000000000000000000000000000000000000000..2f8fb7ef1c64fdf0a5a2090610e3af433486f213 --- /dev/null +++ b/ZoeDepth/ui/gradio_pano_to_3d.py @@ -0,0 +1,120 @@ +# 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 gradio as gr +import numpy as np +import trimesh +from zoedepth.utils.geometry import create_triangles +from functools import partial +import tempfile + +def depth_edges_mask(depth): + """Returns a mask of edges in the depth map. + Args: + depth: 2D numpy array of shape (H, W) with dtype float32. + Returns: + mask: 2D numpy array of shape (H, W) with dtype bool. + """ + # Compute the x and y gradients of the depth map. + depth_dx, depth_dy = np.gradient(depth) + # Compute the gradient magnitude. + depth_grad = np.sqrt(depth_dx ** 2 + depth_dy ** 2) + # Compute the edge mask. + mask = depth_grad > 0.05 + return mask + + +def pano_depth_to_world_points(depth): + """ + 360 depth to world points + given 2D depth is an equirectangular projection of a spherical image + Treat depth as radius + + longitude : -pi to pi + latitude : -pi/2 to pi/2 + """ + + # Convert depth to radius + radius = depth.flatten() + + lon = np.linspace(-np.pi, np.pi, depth.shape[1]) + lat = np.linspace(-np.pi/2, np.pi/2, depth.shape[0]) + + lon, lat = np.meshgrid(lon, lat) + lon = lon.flatten() + lat = lat.flatten() + + # Convert to cartesian coordinates + x = radius * np.cos(lat) * np.cos(lon) + y = radius * np.cos(lat) * np.sin(lon) + z = radius * np.sin(lat) + + pts3d = np.stack([x, y, z], axis=1) + + return pts3d + + +def predict_depth(model, image): + depth = model.infer_pil(image) + return depth + +def get_mesh(model, image, keep_edges=False): + image.thumbnail((1024,1024)) # limit the size of the image + depth = predict_depth(model, image) + pts3d = pano_depth_to_world_points(depth) + + # Create a trimesh mesh from the points + # Each pixel is connected to its 4 neighbors + # colors are the RGB values of the image + + verts = pts3d.reshape(-1, 3) + image = np.array(image) + if keep_edges: + triangles = create_triangles(image.shape[0], image.shape[1]) + else: + triangles = create_triangles(image.shape[0], image.shape[1], mask=~depth_edges_mask(depth)) + colors = image.reshape(-1, 3) + mesh = trimesh.Trimesh(vertices=verts, faces=triangles, vertex_colors=colors) + + # Save as glb + glb_file = tempfile.NamedTemporaryFile(suffix='.glb', delete=False) + glb_path = glb_file.name + mesh.export(glb_path) + return glb_path + +def create_demo(model): + gr.Markdown("### Panorama to 3D mesh") + gr.Markdown("Convert a 360 spherical panorama to a 3D mesh") + gr.Markdown("ZoeDepth was not trained on panoramic images. It doesn't know anything about panoramas or spherical projection. Here, we just treat the estimated depth as radius and some projection errors are expected. Nonetheless, ZoeDepth still works surprisingly well on 360 reconstruction.") + + with gr.Row(): + input_image = gr.Image(label="Input Image", type='pil') + result = gr.Model3D(label="3d mesh reconstruction", clear_color=[ + 1.0, 1.0, 1.0, 1.0]) + + checkbox = gr.Checkbox(label="Keep occlusion edges", value=True) + submit = gr.Button("Submit") + submit.click(partial(get_mesh, model), inputs=[input_image, checkbox], outputs=[result]) + # examples = gr.Examples(examples=["examples/pano_1.jpeg", "examples/pano_2.jpeg", "examples/pano_3.jpeg"], + # inputs=[input_image]) \ No newline at end of file diff --git a/ZoeDepth/ui/ui_requirements.txt b/ZoeDepth/ui/ui_requirements.txt new file mode 100644 index 0000000000000000000000000000000000000000..5dc0938dba3efa37e027636be8a293a6dad14d8b --- /dev/null +++ b/ZoeDepth/ui/ui_requirements.txt @@ -0,0 +1,2 @@ +gradio +trimesh==3.9.42 \ No newline at end of file diff --git a/ZoeDepth/zoedepth/data/__init__.py b/ZoeDepth/zoedepth/data/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..5f2668792389157609abb2a0846fb620e7d67eb9 --- /dev/null +++ b/ZoeDepth/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/zoedepth/data/data_mono.py b/ZoeDepth/zoedepth/data/data_mono.py new file mode 100644 index 0000000000000000000000000000000000000000..80a8486f239a35331df553f490e213f9bf71e735 --- /dev/null +++ b/ZoeDepth/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/zoedepth/data/ddad.py b/ZoeDepth/zoedepth/data/ddad.py new file mode 100644 index 0000000000000000000000000000000000000000..4bd0492bdec767685d3a21992b4a26e62d002d97 --- /dev/null +++ b/ZoeDepth/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/zoedepth/data/diml_indoor_test.py b/ZoeDepth/zoedepth/data/diml_indoor_test.py new file mode 100644 index 0000000000000000000000000000000000000000..f720ad9aefaee78ef4ec363dfef0f82ace850a6d --- /dev/null +++ b/ZoeDepth/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/zoedepth/data/diml_outdoor_test.py b/ZoeDepth/zoedepth/data/diml_outdoor_test.py new file mode 100644 index 0000000000000000000000000000000000000000..8670b48f5febafb819dac22848ad79ccb5dd5ae4 --- /dev/null +++ b/ZoeDepth/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/zoedepth/data/diode.py b/ZoeDepth/zoedepth/data/diode.py new file mode 100644 index 0000000000000000000000000000000000000000..1510c87116b8f70ce2e1428873a8e4da042bee23 --- /dev/null +++ b/ZoeDepth/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/zoedepth/data/hypersim.py b/ZoeDepth/zoedepth/data/hypersim.py new file mode 100644 index 0000000000000000000000000000000000000000..4334198971830200f72ea2910d03f4c7d6a43334 --- /dev/null +++ b/ZoeDepth/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/zoedepth/data/ibims.py b/ZoeDepth/zoedepth/data/ibims.py new file mode 100644 index 0000000000000000000000000000000000000000..b66abfabcf4cfc617d4a60ec818780c3548d9920 --- /dev/null +++ b/ZoeDepth/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/zoedepth/data/preprocess.py b/ZoeDepth/zoedepth/data/preprocess.py new file mode 100644 index 0000000000000000000000000000000000000000..e08cc309dc823ae6efd7cda8db9eb37130dc5499 --- /dev/null +++ b/ZoeDepth/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/zoedepth/data/sun_rgbd_loader.py b/ZoeDepth/zoedepth/data/sun_rgbd_loader.py new file mode 100644 index 0000000000000000000000000000000000000000..9e2bdb9aefe68ca4439f41eff3bba722c49fb976 --- /dev/null +++ b/ZoeDepth/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/zoedepth/data/transforms.py b/ZoeDepth/zoedepth/data/transforms.py new file mode 100644 index 0000000000000000000000000000000000000000..374416dff24fb4fd55598f3946d6d6b091ddefc9 --- /dev/null +++ b/ZoeDepth/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/zoedepth/data/vkitti.py b/ZoeDepth/zoedepth/data/vkitti.py new file mode 100644 index 0000000000000000000000000000000000000000..72a2e5a8346f6e630ede0e28d6959725af8d7e72 --- /dev/null +++ b/ZoeDepth/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/zoedepth/data/vkitti2.py b/ZoeDepth/zoedepth/data/vkitti2.py new file mode 100644 index 0000000000000000000000000000000000000000..9bcfb0414b7f3f21859f30ae34bd71689516a3e7 --- /dev/null +++ b/ZoeDepth/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/zoedepth/models/__init__.py b/ZoeDepth/zoedepth/models/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..5f2668792389157609abb2a0846fb620e7d67eb9 --- /dev/null +++ b/ZoeDepth/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/zoedepth/models/base_models/__init__.py b/ZoeDepth/zoedepth/models/base_models/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..5f2668792389157609abb2a0846fb620e7d67eb9 --- /dev/null +++ b/ZoeDepth/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/zoedepth/models/base_models/midas.py b/ZoeDepth/zoedepth/models/base_models/midas.py new file mode 100644 index 0000000000000000000000000000000000000000..e26f8589502f8298bde8820262083f54b254f70e --- /dev/null +++ b/ZoeDepth/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/zoedepth/models/builder.py b/ZoeDepth/zoedepth/models/builder.py new file mode 100644 index 0000000000000000000000000000000000000000..4363d59689158912a412feb5c296b4a72bc2c608 --- /dev/null +++ b/ZoeDepth/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/zoedepth/models/depth_model.py b/ZoeDepth/zoedepth/models/depth_model.py new file mode 100644 index 0000000000000000000000000000000000000000..fc421c108ea3928c9add62b4c190500d9bd4eda1 --- /dev/null +++ b/ZoeDepth/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/zoedepth/models/layers/attractor.py b/ZoeDepth/zoedepth/models/layers/attractor.py new file mode 100644 index 0000000000000000000000000000000000000000..2a8efe645adea1d88a12e2ac5cc6bb2a251eef9d --- /dev/null +++ b/ZoeDepth/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/zoedepth/models/layers/dist_layers.py b/ZoeDepth/zoedepth/models/layers/dist_layers.py new file mode 100644 index 0000000000000000000000000000000000000000..3208405dfb78fdfc28d5765e5a6d5dbe31967a23 --- /dev/null +++ b/ZoeDepth/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/zoedepth/models/layers/localbins_layers.py b/ZoeDepth/zoedepth/models/layers/localbins_layers.py new file mode 100644 index 0000000000000000000000000000000000000000..f94481605c3e6958ce50e73b2eb31d9f0c07dc67 --- /dev/null +++ b/ZoeDepth/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/zoedepth/models/layers/patch_transformer.py b/ZoeDepth/zoedepth/models/layers/patch_transformer.py new file mode 100644 index 0000000000000000000000000000000000000000..99d9e51a06b981bae45ce7dd64eaef19a4121991 --- /dev/null +++ b/ZoeDepth/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/zoedepth/models/model_io.py b/ZoeDepth/zoedepth/models/model_io.py new file mode 100644 index 0000000000000000000000000000000000000000..78b6579631dd847ac76651238cb5a948b5a66286 --- /dev/null +++ b/ZoeDepth/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, map_location='cpu', **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/zoedepth/models/zoedepth/__init__.py b/ZoeDepth/zoedepth/models/zoedepth/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..cc33f737d238766559f0e3a8def3c0b568f23b7f --- /dev/null +++ b/ZoeDepth/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/zoedepth/models/zoedepth/config_zoedepth.json b/ZoeDepth/zoedepth/models/zoedepth/config_zoedepth.json new file mode 100644 index 0000000000000000000000000000000000000000..99beb2dcd886006ba87805bddbe408b6d5fdff78 --- /dev/null +++ b/ZoeDepth/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" : "url::https://github.com/isl-org/ZoeDepth/releases/download/v1.0/ZoeD_M12_N.pt", + "force_keep_ar": true + }, + + "eval":{ + "train_midas": false, + "use_pretrained_midas": false, + "pretrained_resource" : "url::https://github.com/isl-org/ZoeDepth/releases/download/v1.0/ZoeD_M12_N.pt" + } +} \ No newline at end of file diff --git a/ZoeDepth/zoedepth/models/zoedepth/config_zoedepth_kitti.json b/ZoeDepth/zoedepth/models/zoedepth/config_zoedepth_kitti.json new file mode 100644 index 0000000000000000000000000000000000000000..b51802aa44b91c39e15aacaac4b5ab6bec884414 --- /dev/null +++ b/ZoeDepth/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" : "url::https://github.com/isl-org/ZoeDepth/releases/download/v1.0/ZoeD_M12_K.pt", + "force_keep_ar": true + }, + + "eval":{ + "train_midas": false, + "use_pretrained_midas": false, + "pretrained_resource" : "url::https://github.com/isl-org/ZoeDepth/releases/download/v1.0/ZoeD_M12_K.pt" + } +} \ No newline at end of file diff --git a/ZoeDepth/zoedepth/models/zoedepth/zoedepth_v1.py b/ZoeDepth/zoedepth/models/zoedepth/zoedepth_v1.py new file mode 100644 index 0000000000000000000000000000000000000000..5600cb57dfd9b88f1cccf886fe14e0900856a57f --- /dev/null +++ b/ZoeDepth/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/zoedepth/models/zoedepth_nk/__init__.py b/ZoeDepth/zoedepth/models/zoedepth_nk/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..513a278b939c10c010e3c0250ec73544d5663886 --- /dev/null +++ b/ZoeDepth/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/zoedepth/models/zoedepth_nk/config_zoedepth_nk.json b/ZoeDepth/zoedepth/models/zoedepth_nk/config_zoedepth_nk.json new file mode 100644 index 0000000000000000000000000000000000000000..42bab2a3ad159a09599a5aba270c491021a3cf1a --- /dev/null +++ b/ZoeDepth/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": "url::https://github.com/isl-org/ZoeDepth/releases/download/v1.0/ZoeD_M12_NK.pt", + "use_pretrained_midas": false, + "force_keep_ar": true + }, + + "eval": { + "train_midas": false, + "pretrained_resource": "url::https://github.com/isl-org/ZoeDepth/releases/download/v1.0/ZoeD_M12_NK.pt", + "use_pretrained_midas": false + } +} \ No newline at end of file diff --git a/ZoeDepth/zoedepth/models/zoedepth_nk/zoedepth_nk_v1.py b/ZoeDepth/zoedepth/models/zoedepth_nk/zoedepth_nk_v1.py new file mode 100644 index 0000000000000000000000000000000000000000..7368ae8031188a9f946d9d3f29633c96e791e68e --- /dev/null +++ b/ZoeDepth/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/zoedepth/trainers/base_trainer.py b/ZoeDepth/zoedepth/trainers/base_trainer.py new file mode 100644 index 0000000000000000000000000000000000000000..33fbbea3a7d49efe11b005adb5127f441eabfaf6 --- /dev/null +++ b/ZoeDepth/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/zoedepth/trainers/builder.py b/ZoeDepth/zoedepth/trainers/builder.py new file mode 100644 index 0000000000000000000000000000000000000000..a663541b08912ebedce21a68c7599ce4c06e85d0 --- /dev/null +++ b/ZoeDepth/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/zoedepth/trainers/loss.py b/ZoeDepth/zoedepth/trainers/loss.py new file mode 100644 index 0000000000000000000000000000000000000000..0c5a1c15cdf5628c1474c566fdc6e58159d7f5ab --- /dev/null +++ b/ZoeDepth/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/zoedepth/trainers/zoedepth_nk_trainer.py b/ZoeDepth/zoedepth/trainers/zoedepth_nk_trainer.py new file mode 100644 index 0000000000000000000000000000000000000000..d528ae126f1c51b2f25fd31f94a39591ceb2f43a --- /dev/null +++ b/ZoeDepth/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/zoedepth/trainers/zoedepth_trainer.py b/ZoeDepth/zoedepth/trainers/zoedepth_trainer.py new file mode 100644 index 0000000000000000000000000000000000000000..3ac1c24c0512c1c1b191670a7c24abb4fca47ba1 --- /dev/null +++ b/ZoeDepth/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/zoedepth/utils/__init__.py b/ZoeDepth/zoedepth/utils/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..5f2668792389157609abb2a0846fb620e7d67eb9 --- /dev/null +++ b/ZoeDepth/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/zoedepth/utils/arg_utils.py b/ZoeDepth/zoedepth/utils/arg_utils.py new file mode 100644 index 0000000000000000000000000000000000000000..8a3004ec3679c0a40fd8961253733fb4343ad545 --- /dev/null +++ b/ZoeDepth/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/zoedepth/utils/config.py b/ZoeDepth/zoedepth/utils/config.py new file mode 100644 index 0000000000000000000000000000000000000000..363b0e186cd1247e8f5fc224e6f69f5fc8190c99 --- /dev/null +++ b/ZoeDepth/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/zoedepth/utils/easydict/__init__.py b/ZoeDepth/zoedepth/utils/easydict/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..15928179b0182c6045d98bc0a7be1c6ca45f675e --- /dev/null +++ b/ZoeDepth/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/zoedepth/utils/geometry.py b/ZoeDepth/zoedepth/utils/geometry.py new file mode 100644 index 0000000000000000000000000000000000000000..e3da8c75b5a8e39b4b58a4dcd827b84d79b9115c --- /dev/null +++ b/ZoeDepth/zoedepth/utils/geometry.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 + +def get_intrinsics(H,W): + """ + Intrinsics for a pinhole camera model. + Assume fov of 55 degrees and central principal point. + """ + f = 0.5 * W / np.tan(0.5 * 55 * np.pi / 180.0) + cx = 0.5 * W + cy = 0.5 * H + return np.array([[f, 0, cx], + [0, f, cy], + [0, 0, 1]]) + +def depth_to_points(depth, R=None, t=None): + + K = get_intrinsics(depth.shape[1], depth.shape[2]) + Kinv = np.linalg.inv(K) + if R is None: + R = np.eye(3) + if t is None: + t = np.zeros(3) + + # M converts from your coordinate to PyTorch3D's coordinate system + M = np.eye(3) + M[0, 0] = -1.0 + M[1, 1] = -1.0 + + height, width = depth.shape[1:3] + + x = np.arange(width) + y = np.arange(height) + coord = np.stack(np.meshgrid(x, y), -1) + coord = np.concatenate((coord, np.ones_like(coord)[:, :, [0]]), -1) # z=1 + coord = coord.astype(np.float32) + # coord = torch.as_tensor(coord, dtype=torch.float32, device=device) + coord = coord[None] # bs, h, w, 3 + + D = depth[:, :, :, None, None] + # print(D.shape, Kinv[None, None, None, ...].shape, coord[:, :, :, :, None].shape ) + pts3D_1 = D * Kinv[None, None, None, ...] @ coord[:, :, :, :, None] + # pts3D_1 live in your coordinate system. Convert them to Py3D's + pts3D_1 = M[None, None, None, ...] @ pts3D_1 + # from reference to targe tviewpoint + pts3D_2 = R[None, None, None, ...] @ pts3D_1 + t[None, None, None, :, None] + # pts3D_2 = pts3D_1 + # depth_2 = pts3D_2[:, :, :, 2, :] # b,1,h,w + return pts3D_2[:, :, :, :3, 0][0] + + +def create_triangles(h, w, mask=None): + """ + Reference: https://github.com/google-research/google-research/blob/e96197de06613f1b027d20328e06d69829fa5a89/infinite_nature/render_utils.py#L68 + Creates mesh triangle indices from a given pixel grid size. + This function is not and need not be differentiable as triangle indices are + fixed. + Args: + h: (int) denoting the height of the image. + w: (int) denoting the width of the image. + Returns: + triangles: 2D numpy array of indices (int) with shape (2(W-1)(H-1) x 3) + """ + x, y = np.meshgrid(range(w - 1), range(h - 1)) + tl = y * w + x + tr = y * w + x + 1 + bl = (y + 1) * w + x + br = (y + 1) * w + x + 1 + triangles = np.array([tl, bl, tr, br, tr, bl]) + triangles = np.transpose(triangles, (1, 2, 0)).reshape( + ((w - 1) * (h - 1) * 2, 3)) + if mask is not None: + mask = mask.reshape(-1) + triangles = triangles[mask[triangles].all(1)] + return triangles diff --git a/ZoeDepth/zoedepth/utils/misc.py b/ZoeDepth/zoedepth/utils/misc.py new file mode 100644 index 0000000000000000000000000000000000000000..4bbe403d3669829eecdf658458c76aa5e87e2b33 --- /dev/null +++ b/ZoeDepth/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 diff --git a/assets/images/00002.png b/assets/images/00002.png new file mode 100644 index 0000000000000000000000000000000000000000..90c5039c56ec0bfbe36fbe159083ead223632c81 Binary files /dev/null and b/assets/images/00002.png differ diff --git a/assets/images/00006.png b/assets/images/00006.png new file mode 100644 index 0000000000000000000000000000000000000000..823708532a145b272b205575018e4f266b6be57a Binary files /dev/null and b/assets/images/00006.png differ diff --git a/assets/images/00007.png b/assets/images/00007.png new file mode 100644 index 0000000000000000000000000000000000000000..9cc9d6c195265332939c8d16ab8f639b409ff25c Binary files /dev/null and b/assets/images/00007.png differ diff --git a/assets/images/00009.png b/assets/images/00009.png new file mode 100644 index 0000000000000000000000000000000000000000..7ea2d93ad963b0505cc29562e00c43c16c180de6 Binary files /dev/null and b/assets/images/00009.png differ diff --git a/assets/images/00014.png b/assets/images/00014.png new file mode 100644 index 0000000000000000000000000000000000000000..7505c3db83ec13eaa996685e87eccfdc468a3780 Binary files /dev/null and b/assets/images/00014.png differ diff --git a/assets/images/00017.png b/assets/images/00017.png new file mode 100644 index 0000000000000000000000000000000000000000..fafdb732948206782a66fa1f5533df649b3cc977 Binary files /dev/null and b/assets/images/00017.png differ diff --git a/assets/images/00019.png b/assets/images/00019.png new file mode 100644 index 0000000000000000000000000000000000000000..05497f8dfe124161fa8250cfd35746167a945a5c Binary files /dev/null and b/assets/images/00019.png differ diff --git a/assets/images/00027.png b/assets/images/00027.png new file mode 100644 index 0000000000000000000000000000000000000000..72a8c66b72ca7ae36d042e74a5ccecb332834f71 Binary files /dev/null and b/assets/images/00027.png differ diff --git a/assets/images/00028.png b/assets/images/00028.png new file mode 100644 index 0000000000000000000000000000000000000000..af17d853167d2d988f8daa148f789067cca749a1 Binary files /dev/null and b/assets/images/00028.png differ diff --git a/assets/images/00029.png b/assets/images/00029.png new file mode 100644 index 0000000000000000000000000000000000000000..7ac0ead20a4875ef6d370d628568bbf9c6a924be Binary files /dev/null and b/assets/images/00029.png differ diff --git a/assets/images/00030.png b/assets/images/00030.png new file mode 100644 index 0000000000000000000000000000000000000000..75583e18a2a085b45f5bc5d64f77dd8b6edb860b Binary files /dev/null and b/assets/images/00030.png differ diff --git a/assets/images/00031.png b/assets/images/00031.png new file mode 100644 index 0000000000000000000000000000000000000000..40ae03d54bc398041bc5ecda36cfebd0b4282aa7 Binary files /dev/null and b/assets/images/00031.png differ diff --git a/assets/images/00032.png b/assets/images/00032.png new file mode 100644 index 0000000000000000000000000000000000000000..ece9435f244fd4468e0fa1c703c6aa5331a3ba2b Binary files /dev/null and b/assets/images/00032.png differ diff --git a/assets/images/00034.png b/assets/images/00034.png new file mode 100644 index 0000000000000000000000000000000000000000..ca884dbf77e9e2b65bb98253e9bd66784ae24c82 Binary files /dev/null and b/assets/images/00034.png differ diff --git a/assets/images/00035.png b/assets/images/00035.png new file mode 100644 index 0000000000000000000000000000000000000000..cb2171cc2bfbc607b48be1b9805393f996a510ab Binary files /dev/null and b/assets/images/00035.png differ diff --git a/assets/images/00039.png b/assets/images/00039.png new file mode 100644 index 0000000000000000000000000000000000000000..62e14ba54df5727dd1e4eec074e2d0a16fbf069f Binary files /dev/null and b/assets/images/00039.png differ diff --git a/assets/images/00041.png b/assets/images/00041.png new file mode 100644 index 0000000000000000000000000000000000000000..05898e0d2100d10010af963b00aed7756fb387df Binary files /dev/null and b/assets/images/00041.png differ diff --git a/assets/images/00042.png b/assets/images/00042.png new file mode 100644 index 0000000000000000000000000000000000000000..6aef953c025a63103d8e978ca72aafa6a4174272 Binary files /dev/null and b/assets/images/00042.png differ diff --git a/assets/images/00043.png b/assets/images/00043.png new file mode 100644 index 0000000000000000000000000000000000000000..94e184c62148de8ac707dc6ab9d9161d7f57fac3 Binary files /dev/null and b/assets/images/00043.png differ diff --git a/assets/images/00051.png b/assets/images/00051.png new file mode 100644 index 0000000000000000000000000000000000000000..61a14083818696524a9cb7e6b15018f0bc8c198c Binary files /dev/null and b/assets/images/00051.png differ diff --git a/assets/images/image_1.png b/assets/images/image_1.png new file mode 100644 index 0000000000000000000000000000000000000000..17b53a68038d4050676c28e60781f2109cb3beb1 Binary files /dev/null and b/assets/images/image_1.png differ diff --git a/assets/images/image_6.png b/assets/images/image_6.png new file mode 100644 index 0000000000000000000000000000000000000000..27c1f9850f8b920095cae39fd2953a280ff3b2ff Binary files /dev/null and b/assets/images/image_6.png differ diff --git a/assets/images/rose_320x576.png b/assets/images/rose_320x576.png new file mode 100644 index 0000000000000000000000000000000000000000..1d395bcf430f1d34841f0ce41374dd6b7fc7e70b Binary files /dev/null and b/assets/images/rose_320x576.png differ diff --git a/cameractrl/inference.py b/cameractrl/inference.py new file mode 100644 index 0000000000000000000000000000000000000000..139ca59b5840dd99a9f052c70b93b5b56769238b --- /dev/null +++ b/cameractrl/inference.py @@ -0,0 +1,256 @@ +import argparse +import json +import os +import torch +import numpy as np +from tqdm import tqdm +from omegaconf import OmegaConf +from PIL import Image +from transformers import CLIPImageProcessor, CLIPVisionModelWithProjection +from diffusers import AutoencoderKLTemporalDecoder, EulerDiscreteScheduler +from diffusers.utils.import_utils import is_xformers_available +from packaging import version as pver + +from cameractrl.pipelines.pipeline_animation import StableVideoDiffusionPipelinePoseCond +from cameractrl.models.unet import UNetSpatioTemporalConditionModelPoseCond +from cameractrl.models.pose_adaptor import CameraPoseEncoder +from cameractrl.utils.util import save_videos_grid + + +class Camera(object): + def __init__(self, entry): + fx, fy, cx, cy = entry[1:5] + self.fx = fx + self.fy = fy + self.cx = cx + self.cy = cy + w2c_mat = np.array(entry[7:]).reshape(3, 4) + w2c_mat_4x4 = np.eye(4) + w2c_mat_4x4[:3, :] = w2c_mat + self.w2c_mat = w2c_mat_4x4 + self.c2w_mat = np.linalg.inv(w2c_mat_4x4) + + +def setup_for_distributed(is_master): + """ + This function disables printing when not in master process + """ + import builtins as __builtin__ + builtin_print = __builtin__.print + + def print(*args, **kwargs): + force = kwargs.pop('force', False) + if is_master or force: + builtin_print(*args, **kwargs) + + __builtin__.print = print + + +def custom_meshgrid(*args): + # ref: https://pytorch.org/docs/stable/generated/torch.meshgrid.html?highlight=meshgrid#torch.meshgrid + if pver.parse(torch.__version__) < pver.parse('1.10'): + return torch.meshgrid(*args) + else: + return torch.meshgrid(*args, indexing='ij') + + +def get_relative_pose(cam_params, zero_first_frame_scale): + abs_w2cs = [cam_param.w2c_mat for cam_param in cam_params] + abs_c2ws = [cam_param.c2w_mat for cam_param in cam_params] + source_cam_c2w = abs_c2ws[0] + if zero_first_frame_scale: + cam_to_origin = 0 + else: + cam_to_origin = np.linalg.norm(source_cam_c2w[:3, 3]) + target_cam_c2w = np.array([ + [1, 0, 0, 0], + [0, 1, 0, -cam_to_origin], + [0, 0, 1, 0], + [0, 0, 0, 1] + ]) + abs2rel = target_cam_c2w @ abs_w2cs[0] + ret_poses = [target_cam_c2w, ] + [abs2rel @ abs_c2w for abs_c2w in abs_c2ws[1:]] + ret_poses = np.array(ret_poses, dtype=np.float32) + return ret_poses + + +def ray_condition(K, c2w, H, W, device): + # c2w: B, V, 4, 4 + # K: B, V, 4 + + B = K.shape[0] + + j, i = custom_meshgrid( + torch.linspace(0, H - 1, H, device=device, dtype=c2w.dtype), + torch.linspace(0, W - 1, W, device=device, dtype=c2w.dtype), + ) + i = i.reshape([1, 1, H * W]).expand([B, 1, H * W]) + 0.5 # [B, HxW] + j = j.reshape([1, 1, H * W]).expand([B, 1, H * W]) + 0.5 # [B, HxW] + + fx, fy, cx, cy = K.chunk(4, dim=-1) # B,V, 1 + + zs = torch.ones_like(i) # [B, HxW] + xs = (i - cx) / fx * zs + ys = (j - cy) / fy * zs + zs = zs.expand_as(ys) + + directions = torch.stack((xs, ys, zs), dim=-1) # B, V, HW, 3 + directions = directions / directions.norm(dim=-1, keepdim=True) # B, V, HW, 3 + + rays_d = directions @ c2w[..., :3, :3].transpose(-1, -2) # B, V, 3, HW + rays_o = c2w[..., :3, 3] # B, V, 3 + rays_o = rays_o[:, :, None].expand_as(rays_d) # B, V, 3, HW + # c2w @ dirctions + rays_dxo = torch.linalg.cross(rays_o, rays_d) + plucker = torch.cat([rays_dxo, rays_d], dim=-1) + plucker = plucker.reshape(B, c2w.shape[1], H, W, 6) # B, V, H, W, 6 + return plucker + + +def get_pipeline(ori_model_path, unet_subfolder, down_block_types, up_block_types, pose_encoder_kwargs, + attention_processor_kwargs, pose_adaptor_ckpt, enable_xformers, device): + noise_scheduler = EulerDiscreteScheduler.from_pretrained(ori_model_path, subfolder="scheduler") + feature_extractor = CLIPImageProcessor.from_pretrained(ori_model_path, subfolder="feature_extractor") + image_encoder = CLIPVisionModelWithProjection.from_pretrained(ori_model_path, subfolder="image_encoder") + vae = AutoencoderKLTemporalDecoder.from_pretrained(ori_model_path, subfolder="vae") + unet = UNetSpatioTemporalConditionModelPoseCond.from_pretrained(ori_model_path, + subfolder=unet_subfolder, + down_block_types=down_block_types, + up_block_types=up_block_types) + pose_encoder = CameraPoseEncoder(**pose_encoder_kwargs) + print("Setting the attention processors") + unet.set_pose_cond_attn_processor(enable_xformers=(enable_xformers and is_xformers_available()), **attention_processor_kwargs) + print(f"Loading weights of camera encoder and attention processor from {pose_adaptor_ckpt}") + ckpt_dict = torch.load(pose_adaptor_ckpt, map_location=unet.device) + pose_encoder_state_dict = ckpt_dict['pose_encoder_state_dict'] + pose_encoder_m, pose_encoder_u = pose_encoder.load_state_dict(pose_encoder_state_dict) + assert len(pose_encoder_m) == 0 and len(pose_encoder_u) == 0 + attention_processor_state_dict = ckpt_dict['attention_processor_state_dict'] + _, attention_processor_u = unet.load_state_dict(attention_processor_state_dict, strict=False) + assert len(attention_processor_u) == 0 + print("Loading done") + vae.to(device) + image_encoder.to(device) + unet.to(device) + pipeline = StableVideoDiffusionPipelinePoseCond( + vae=vae, + image_encoder=image_encoder, + unet=unet, + scheduler=noise_scheduler, + feature_extractor=feature_extractor, + pose_encoder=pose_encoder + ) + pipeline = pipeline.to(device) + return pipeline + + +def main(args): + os.makedirs(os.path.join(args.out_root, 'generated_videos'), exist_ok=True) + os.makedirs(os.path.join(args.out_root, 'reference_images'), exist_ok=True) + rank = args.local_rank + setup_for_distributed(rank == 0) + gpu_id = rank % torch.cuda.device_count() + model_configs = OmegaConf.load(args.model_config) + device = f"cuda:{gpu_id}" + print(f'Constructing pipeline') + pipeline = get_pipeline(args.ori_model_path, model_configs['unet_subfolder'], model_configs['down_block_types'], + model_configs['up_block_types'], model_configs['pose_encoder_kwargs'], + model_configs['attention_processor_kwargs'], args.pose_adaptor_ckpt, args.enable_xformers, device) + + print('Done') + + print('Loading K, R, t matrix') + with open(args.trajectory_file, 'r') as f: + poses = f.readlines() + poses = [pose.strip().split(' ') for pose in poses[1:]] + cam_params = [[float(x) for x in pose] for pose in poses] + cam_params = [Camera(cam_param) for cam_param in cam_params] + + sample_wh_ratio = args.image_width / args.image_height + pose_wh_ratio = args.original_pose_width / args.original_pose_height + if pose_wh_ratio > sample_wh_ratio: + resized_ori_w = args.image_height * pose_wh_ratio + for cam_param in cam_params: + cam_param.fx = resized_ori_w * cam_param.fx / args.image_width + else: + resized_ori_h = args.image_width / pose_wh_ratio + for cam_param in cam_params: + cam_param.fy = resized_ori_h * cam_param.fy / args.image_height + intrinsic = np.asarray([[cam_param.fx * args.image_width, + cam_param.fy * args.image_height, + cam_param.cx * args.image_width, + cam_param.cy * args.image_height] + for cam_param in cam_params], dtype=np.float32) + K = torch.as_tensor(intrinsic)[None] # [1, 1, 4] + c2ws = get_relative_pose(cam_params, zero_first_frame_scale=True) + c2ws = torch.as_tensor(c2ws)[None] # [1, n_frame, 4, 4] + plucker_embedding = ray_condition(K, c2ws, args.image_height, args.image_width, device='cpu') # b f h w 6 + plucker_embedding = plucker_embedding.permute(0, 1, 4, 2, 3).contiguous().to(device=device) + + prompt_dict = json.load(open(args.prompt_file, 'r')) + prompt_images = prompt_dict['image_paths'] + prompt_captions = prompt_dict['captions'] + N = int(len(prompt_images) // args.n_procs) + remainder = int(len(prompt_images) % args.n_procs) + prompts_per_gpu = [N + 1 if gpu_id < remainder else N for gpu_id in range(args.n_procs)] + low_idx = sum(prompts_per_gpu[:gpu_id]) + high_idx = low_idx + prompts_per_gpu[gpu_id] + prompt_images = prompt_images[low_idx: high_idx] + prompt_captions = prompt_captions[low_idx: high_idx] + print(f"rank {rank} / {torch.cuda.device_count()}, number of prompts: {len(prompt_images)}") + + generator = torch.Generator(device=device) + generator.manual_seed(42) + + for prompt_image, prompt_caption in tqdm(zip(prompt_images, prompt_captions)): + # save_name = "_".join(prompt_caption.split(" ")) + save_name = prompt_caption.split('.')[0] + condition_image = Image.open(prompt_image) + with torch.no_grad(): + sample = pipeline( + image=condition_image, + pose_embedding=plucker_embedding, + height=args.image_height, + width=args.image_width, + num_frames=args.num_frames, + num_inference_steps=args.num_inference_steps, + min_guidance_scale=args.min_guidance_scale, + max_guidance_scale=args.max_guidance_scale, + do_image_process=True, + generator=generator, + output_type='pt' + ).frames[0].transpose(0, 1).cpu() # [3, f, h, w] 0-1 + resized_condition_image = condition_image.resize((args.image_width, args.image_height)) + # save_videos_grid(sample[None], f"{os.path.join(args.out_root, 'generated_videos')}/{save_name}.mp4", rescale=False) + save_videos_grid(sample[None], f"{os.path.join(args.out_root, 'generated_videos')}/{save_name}.gif", rescale=False) + resized_condition_image.save(os.path.join(args.out_root, 'reference_images', f'{save_name}.png')) + + +if __name__ == '__main__': + parser = argparse.ArgumentParser() + parser.add_argument("--out_root", type=str) + parser.add_argument("--image_height", type=int, default=320) + parser.add_argument("--image_width", type=int, default=576) + parser.add_argument("--num_frames", type=int, default=14, help="14 for svd and 25 for svd-xt", choices=[14, 25]) + parser.add_argument("--ori_model_path", type=str) + parser.add_argument("--unet_subfolder", type=str, default='unet') + parser.add_argument("--enable_xformers", action='store_true') + parser.add_argument("--pose_adaptor_ckpt", default=None) + parser.add_argument("--num_inference_steps", type=int, default=25) + parser.add_argument("--min_guidance_scale", type=float, default=1.0) + parser.add_argument("--max_guidance_scale", type=float, default=3.0) + parser.add_argument("--prompt_file", required=True, help='prompts path, json or txt') + parser.add_argument("--trajectory_file", required=True) + parser.add_argument("--original_pose_width", type=int, default=1280) + parser.add_argument("--original_pose_height", type=int, default=720) + parser.add_argument("--model_config", required=True) + parser.add_argument("--n_procs", type=int, default=8) + + # DDP args + parser.add_argument("--world_size", default=1, type=int, + help="number of the distributed processes.") + parser.add_argument('--local-rank', type=int, default=-1, + help='Replica rank on the current node. This field is required ' + 'by `torch.distributed.launch`.') + args = parser.parse_args() + main(args) diff --git a/cameractrl/models/attention.py b/cameractrl/models/attention.py new file mode 100644 index 0000000000000000000000000000000000000000..da64474349a7db546d33de6e74e70c8554bfdcca --- /dev/null +++ b/cameractrl/models/attention.py @@ -0,0 +1,65 @@ +import torch +from typing import Optional +from diffusers.models.attention import TemporalBasicTransformerBlock, _chunked_feed_forward +from diffusers.utils.torch_utils import maybe_allow_in_graph + + +@maybe_allow_in_graph +class TemporalPoseCondTransformerBlock(TemporalBasicTransformerBlock): + def forward( + self, + hidden_states: torch.FloatTensor, # [bs * num_frame, h * w, c] + num_frames: int, + encoder_hidden_states: Optional[torch.FloatTensor] = None, # [bs * h * w, 1, c] + pose_feature: Optional[torch.FloatTensor] = None, # [bs, c, n_frame, h, w] + ) -> torch.FloatTensor: + # Notice that normalization is always applied before the real computation in the following blocks. + # 0. Self-Attention + + batch_frames, seq_length, channels = hidden_states.shape + batch_size = batch_frames // num_frames + + hidden_states = hidden_states[None, :].reshape(batch_size, num_frames, seq_length, channels) + hidden_states = hidden_states.permute(0, 2, 1, 3) + hidden_states = hidden_states.reshape(batch_size * seq_length, num_frames, channels) # [bs * h * w, frame, c] + + residual = hidden_states + hidden_states = self.norm_in(hidden_states) + + if self._chunk_size is not None: + hidden_states = _chunked_feed_forward(self.ff_in, hidden_states, self._chunk_dim, self._chunk_size) + else: + hidden_states = self.ff_in(hidden_states) + + if self.is_res: + hidden_states = hidden_states + residual + + norm_hidden_states = self.norm1(hidden_states) + pose_feature = pose_feature.permute(0, 3, 4, 2, 1).reshape(batch_size * seq_length, num_frames, -1) + attn_output = self.attn1(norm_hidden_states, encoder_hidden_states=None, pose_feature=pose_feature) + hidden_states = attn_output + hidden_states + + # 3. Cross-Attention + if self.attn2 is not None: + norm_hidden_states = self.norm2(hidden_states) + attn_output = self.attn2(norm_hidden_states, encoder_hidden_states=encoder_hidden_states, pose_feature=pose_feature) + hidden_states = attn_output + hidden_states + + # 4. Feed-forward + norm_hidden_states = self.norm3(hidden_states) + + if self._chunk_size is not None: + ff_output = _chunked_feed_forward(self.ff, norm_hidden_states, self._chunk_dim, self._chunk_size) + else: + ff_output = self.ff(norm_hidden_states) + + if self.is_res: + hidden_states = ff_output + hidden_states + else: + hidden_states = ff_output + + hidden_states = hidden_states[None, :].reshape(batch_size, seq_length, num_frames, channels) + hidden_states = hidden_states.permute(0, 2, 1, 3) + hidden_states = hidden_states.reshape(batch_size * num_frames, seq_length, channels) + + return hidden_states \ No newline at end of file diff --git a/cameractrl/models/attention_processor.py b/cameractrl/models/attention_processor.py new file mode 100644 index 0000000000000000000000000000000000000000..7b597519851c1f61c51f771a3b0f7ee103fe66d9 --- /dev/null +++ b/cameractrl/models/attention_processor.py @@ -0,0 +1,591 @@ +import torch +import torch.nn as nn +import torch.nn.functional as F +import torch.nn.init as init +import logging +from diffusers.models.attention import Attention +from diffusers.utils import USE_PEFT_BACKEND, is_xformers_available +from typing import Optional, Callable + +from einops import rearrange + +if is_xformers_available(): + import xformers + import xformers.ops +else: + xformers = None + +logger = logging.getLogger(__name__) + + +class AttnProcessor: + r""" + Default processor for performing attention-related computations. + """ + + def __call__( + self, + attn: Attention, + hidden_states: torch.FloatTensor, + encoder_hidden_states: Optional[torch.FloatTensor] = None, + attention_mask: Optional[torch.FloatTensor] = None, + temb: Optional[torch.FloatTensor] = None, + scale: float = 1.0, + pose_feature=None + ) -> torch.Tensor: + residual = hidden_states + + args = () if USE_PEFT_BACKEND else (scale,) + + if attn.spatial_norm is not None: + hidden_states = attn.spatial_norm(hidden_states, temb) + + input_ndim = hidden_states.ndim + + if input_ndim == 4: + batch_size, channel, height, width = hidden_states.shape + hidden_states = hidden_states.view(batch_size, channel, height * width).transpose(1, 2) + + batch_size, sequence_length, _ = ( + hidden_states.shape if encoder_hidden_states is None else encoder_hidden_states.shape + ) + attention_mask = attn.prepare_attention_mask(attention_mask, sequence_length, batch_size) + + if attn.group_norm is not None: + hidden_states = attn.group_norm(hidden_states.transpose(1, 2)).transpose(1, 2) + + query = attn.to_q(hidden_states, *args) + + if encoder_hidden_states is None: + encoder_hidden_states = hidden_states + elif attn.norm_cross: + encoder_hidden_states = attn.norm_encoder_hidden_states(encoder_hidden_states) + + key = attn.to_k(encoder_hidden_states, *args) + value = attn.to_v(encoder_hidden_states, *args) + + query = attn.head_to_batch_dim(query) + key = attn.head_to_batch_dim(key) + value = attn.head_to_batch_dim(value) + + attention_probs = attn.get_attention_scores(query, key, attention_mask) + hidden_states = torch.bmm(attention_probs, value) + hidden_states = attn.batch_to_head_dim(hidden_states) + + # linear proj + hidden_states = attn.to_out[0](hidden_states, *args) + # dropout + hidden_states = attn.to_out[1](hidden_states) + + if input_ndim == 4: + hidden_states = hidden_states.transpose(-1, -2).reshape(batch_size, channel, height, width) + + if attn.residual_connection: + hidden_states = hidden_states + residual + + hidden_states = hidden_states / attn.rescale_output_factor + + return hidden_states + + +class AttnProcessor2_0: + r""" + Processor for implementing scaled dot-product attention (enabled by default if you're using PyTorch 2.0). + """ + + def __init__(self): + if not hasattr(F, "scaled_dot_product_attention"): + raise ImportError("AttnProcessor2_0 requires PyTorch 2.0, to use it, please upgrade PyTorch to 2.0.") + + def __call__( + self, + attn: Attention, + hidden_states: torch.FloatTensor, + encoder_hidden_states: Optional[torch.FloatTensor] = None, + attention_mask: Optional[torch.FloatTensor] = None, + temb: Optional[torch.FloatTensor] = None, + scale: float = 1.0, + pose_feature=None + ) -> torch.FloatTensor: + residual = hidden_states + + args = () if USE_PEFT_BACKEND else (scale,) + + if attn.spatial_norm is not None: + hidden_states = attn.spatial_norm(hidden_states, temb) + + input_ndim = hidden_states.ndim + + if input_ndim == 4: + batch_size, channel, height, width = hidden_states.shape + hidden_states = hidden_states.view(batch_size, channel, height * width).transpose(1, 2) + + batch_size, sequence_length, _ = ( + hidden_states.shape if encoder_hidden_states is None else encoder_hidden_states.shape + ) + + if attention_mask is not None: + attention_mask = attn.prepare_attention_mask(attention_mask, sequence_length, batch_size) + # scaled_dot_product_attention expects attention_mask shape to be + # (batch, heads, source_length, target_length) + attention_mask = attention_mask.view(batch_size, attn.heads, -1, attention_mask.shape[-1]) + + if attn.group_norm is not None: + hidden_states = attn.group_norm(hidden_states.transpose(1, 2)).transpose(1, 2) + + args = () if USE_PEFT_BACKEND else (scale,) + query = attn.to_q(hidden_states, *args) + + if encoder_hidden_states is None: + encoder_hidden_states = hidden_states + elif attn.norm_cross: + encoder_hidden_states = attn.norm_encoder_hidden_states(encoder_hidden_states) + + key = attn.to_k(encoder_hidden_states, *args) + value = attn.to_v(encoder_hidden_states, *args) + + inner_dim = key.shape[-1] + head_dim = inner_dim // attn.heads + + query = query.view(batch_size, -1, attn.heads, head_dim).transpose(1, 2) + + key = key.view(batch_size, -1, attn.heads, head_dim).transpose(1, 2) + value = value.view(batch_size, -1, attn.heads, head_dim).transpose(1, 2) + + # the output of sdp = (batch, num_heads, seq_len, head_dim) + # TODO: add support for attn.scale when we move to Torch 2.1 + hidden_states = F.scaled_dot_product_attention( + query, key, value, attn_mask=attention_mask, dropout_p=0.0, is_causal=False + ) + + hidden_states = hidden_states.transpose(1, 2).reshape(batch_size, -1, attn.heads * head_dim) + hidden_states = hidden_states.to(query.dtype) + + # linear proj + hidden_states = attn.to_out[0](hidden_states, *args) + # dropout + hidden_states = attn.to_out[1](hidden_states) + + if input_ndim == 4: + hidden_states = hidden_states.transpose(-1, -2).reshape(batch_size, channel, height, width) + + if attn.residual_connection: + hidden_states = hidden_states + residual + + hidden_states = hidden_states / attn.rescale_output_factor + + return hidden_states + + +class XFormersAttnProcessor: + r""" + Processor for implementing memory efficient attention using xFormers. + + Args: + attention_op (`Callable`, *optional*, defaults to `None`): + The base + [operator](https://facebookresearch.github.io/xformers/components/ops.html#xformers.ops.AttentionOpBase) to + use as the attention operator. It is recommended to set to `None`, and allow xFormers to choose the best + operator. + """ + + def __init__(self, attention_op: Optional[Callable] = None): + self.attention_op = attention_op + + def __call__( + self, + attn: Attention, + hidden_states: torch.FloatTensor, + encoder_hidden_states: Optional[torch.FloatTensor] = None, + attention_mask: Optional[torch.FloatTensor] = None, + temb: Optional[torch.FloatTensor] = None, + scale: float = 1.0, + pose_feature=None + ) -> torch.FloatTensor: + residual = hidden_states + + args = () if USE_PEFT_BACKEND else (scale,) + + if attn.spatial_norm is not None: + hidden_states = attn.spatial_norm(hidden_states, temb) + + input_ndim = hidden_states.ndim + + if input_ndim == 4: + batch_size, channel, height, width = hidden_states.shape + hidden_states = hidden_states.view(batch_size, channel, height * width).transpose(1, 2) + + batch_size, key_tokens, _ = ( + hidden_states.shape if encoder_hidden_states is None else encoder_hidden_states.shape + ) + + attention_mask = attn.prepare_attention_mask(attention_mask, key_tokens, batch_size) + if attention_mask is not None: + # expand our mask's singleton query_tokens dimension: + # [batch*heads, 1, key_tokens] -> + # [batch*heads, query_tokens, key_tokens] + # so that it can be added as a bias onto the attention scores that xformers computes: + # [batch*heads, query_tokens, key_tokens] + # we do this explicitly because xformers doesn't broadcast the singleton dimension for us. + _, query_tokens, _ = hidden_states.shape + attention_mask = attention_mask.expand(-1, query_tokens, -1) + + if attn.group_norm is not None: + hidden_states = attn.group_norm(hidden_states.transpose(1, 2)).transpose(1, 2) + + query = attn.to_q(hidden_states, *args) + + if encoder_hidden_states is None: + encoder_hidden_states = hidden_states + elif attn.norm_cross: + encoder_hidden_states = attn.norm_encoder_hidden_states(encoder_hidden_states) + + key = attn.to_k(encoder_hidden_states, *args) + value = attn.to_v(encoder_hidden_states, *args) + + query = attn.head_to_batch_dim(query).contiguous() + key = attn.head_to_batch_dim(key).contiguous() + value = attn.head_to_batch_dim(value).contiguous() + + hidden_states = xformers.ops.memory_efficient_attention( + query, key, value, attn_bias=attention_mask, op=self.attention_op, scale=attn.scale + ) + hidden_states = hidden_states.to(query.dtype) + hidden_states = attn.batch_to_head_dim(hidden_states) + + # linear proj + hidden_states = attn.to_out[0](hidden_states, *args) + # dropout + hidden_states = attn.to_out[1](hidden_states) + + if input_ndim == 4: + hidden_states = hidden_states.transpose(-1, -2).reshape(batch_size, channel, height, width) + + if attn.residual_connection: + hidden_states = hidden_states + residual + + hidden_states = hidden_states / attn.rescale_output_factor + + return hidden_states + + +class PoseAdaptorAttnProcessor(nn.Module): + def __init__(self, + hidden_size, # dimension of hidden state + pose_feature_dim=None, # dimension of the pose feature + cross_attention_dim=None, # dimension of the text embedding + query_condition=False, + key_value_condition=False, + scale=1.0): + super().__init__() + + self.hidden_size = hidden_size + self.pose_feature_dim = pose_feature_dim + self.cross_attention_dim = cross_attention_dim + self.scale = scale + self.query_condition = query_condition + self.key_value_condition = key_value_condition + assert hidden_size == pose_feature_dim + if self.query_condition and self.key_value_condition: + self.qkv_merge = nn.Linear(hidden_size, hidden_size) + init.zeros_(self.qkv_merge.weight) + init.zeros_(self.qkv_merge.bias) + elif self.query_condition: + self.q_merge = nn.Linear(hidden_size, hidden_size) + init.zeros_(self.q_merge.weight) + init.zeros_(self.q_merge.bias) + else: + self.kv_merge = nn.Linear(hidden_size, hidden_size) + init.zeros_(self.kv_merge.weight) + init.zeros_(self.kv_merge.bias) + + def forward(self, + attn, + hidden_states, + pose_feature, + encoder_hidden_states=None, + attention_mask=None, + temb=None, + scale=None,): + assert pose_feature is not None + pose_embedding_scale = (scale or self.scale) + + residual = hidden_states + if attn.spatial_norm is not None: + hidden_states = attn.spatial_norm(hidden_states, temb) + + assert hidden_states.ndim == 3 and pose_feature.ndim == 3 + + if self.query_condition and self.key_value_condition: + assert encoder_hidden_states is None + + if encoder_hidden_states is None: + encoder_hidden_states = hidden_states + + assert encoder_hidden_states.ndim == 3 + + batch_size, ehs_sequence_length, _ = encoder_hidden_states.shape + attention_mask = attn.prepare_attention_mask(attention_mask, ehs_sequence_length, batch_size) + + if attn.group_norm is not None: + hidden_states = attn.group_norm(hidden_states.transpose(1, 2)).transpose(1, 2) + + if attn.norm_cross: + encoder_hidden_states = attn.norm_encoder_hidden_states(encoder_hidden_states) + + if self.query_condition and self.key_value_condition: # only self attention + query_hidden_state = self.qkv_merge(hidden_states + pose_feature) * pose_embedding_scale + hidden_states + key_value_hidden_state = query_hidden_state + elif self.query_condition: + query_hidden_state = self.q_merge(hidden_states + pose_feature) * pose_embedding_scale + hidden_states + key_value_hidden_state = encoder_hidden_states + else: + key_value_hidden_state = self.kv_merge(encoder_hidden_states + pose_feature) * pose_embedding_scale + encoder_hidden_states + query_hidden_state = hidden_states + + # original attention + query = attn.to_q(query_hidden_state) + key = attn.to_k(key_value_hidden_state) + value = attn.to_v(key_value_hidden_state) + + query = attn.head_to_batch_dim(query) + key = attn.head_to_batch_dim(key) + value = attn.head_to_batch_dim(value) + + attention_probs = attn.get_attention_scores(query, key, attention_mask) + hidden_states = torch.bmm(attention_probs, value) + hidden_states = attn.batch_to_head_dim(hidden_states) + + # linear proj + hidden_states = attn.to_out[0](hidden_states) + # dropout + hidden_states = attn.to_out[1](hidden_states) + + if attn.residual_connection: + hidden_states = hidden_states + residual + + hidden_states = hidden_states / attn.rescale_output_factor + + return hidden_states + + +class PoseAdaptorAttnProcessor2_0(nn.Module): + def __init__(self, + hidden_size, # dimension of hidden state + pose_feature_dim=None, # dimension of the pose feature + cross_attention_dim=None, # dimension of the text embedding + query_condition=False, + key_value_condition=False, + scale=1.0): + super().__init__() + if not hasattr(F, "scaled_dot_product_attention"): + raise ImportError("AttnProcessor2_0 requires PyTorch 2.0, to use it, please upgrade PyTorch to 2.0.") + + self.hidden_size = hidden_size + self.pose_feature_dim = pose_feature_dim + self.cross_attention_dim = cross_attention_dim + self.scale = scale + self.query_condition = query_condition + self.key_value_condition = key_value_condition + assert hidden_size == pose_feature_dim + if self.query_condition and self.key_value_condition: + self.qkv_merge = nn.Linear(hidden_size, hidden_size) + init.zeros_(self.qkv_merge.weight) + init.zeros_(self.qkv_merge.bias) + elif self.query_condition: + self.q_merge = nn.Linear(hidden_size, hidden_size) + init.zeros_(self.q_merge.weight) + init.zeros_(self.q_merge.bias) + else: + self.kv_merge = nn.Linear(hidden_size, hidden_size) + init.zeros_(self.kv_merge.weight) + init.zeros_(self.kv_merge.bias) + + def forward(self, + attn, + hidden_states, + pose_feature, + encoder_hidden_states=None, + attention_mask=None, + temb=None, + scale=None,): + assert pose_feature is not None + pose_embedding_scale = (scale or self.scale) + + residual = hidden_states + if attn.spatial_norm is not None: + hidden_states = attn.spatial_norm(hidden_states, temb) + + assert hidden_states.ndim == 3 and pose_feature.ndim == 3 + + if self.query_condition and self.key_value_condition: + assert encoder_hidden_states is None + + if encoder_hidden_states is None: + encoder_hidden_states = hidden_states + + assert encoder_hidden_states.ndim == 3 + + batch_size, ehs_sequence_length, _ = encoder_hidden_states.shape + if attention_mask is not None: + attention_mask = attn.prepare_attention_mask(attention_mask, ehs_sequence_length, batch_size) + # scaled_dot_product_attention expects attention_mask shape to be + # (batch, heads, source_length, target_length) + attention_mask = attention_mask.view(batch_size, attn.heads, -1, attention_mask.shape[-1]) + + if attn.group_norm is not None: + hidden_states = attn.group_norm(hidden_states.transpose(1, 2)).transpose(1, 2) + + if attn.norm_cross: + encoder_hidden_states = attn.norm_encoder_hidden_states(encoder_hidden_states) + + if self.query_condition and self.key_value_condition: # only self attention + query_hidden_state = self.qkv_merge(hidden_states + pose_feature) * pose_embedding_scale + hidden_states + key_value_hidden_state = query_hidden_state + elif self.query_condition: + query_hidden_state = self.q_merge(hidden_states + pose_feature) * pose_embedding_scale + hidden_states + key_value_hidden_state = encoder_hidden_states + else: + key_value_hidden_state = self.kv_merge(encoder_hidden_states + pose_feature) * pose_embedding_scale + encoder_hidden_states + query_hidden_state = hidden_states + + # original attention + query = attn.to_q(query_hidden_state) + key = attn.to_k(key_value_hidden_state) + value = attn.to_v(key_value_hidden_state) + + inner_dim = key.shape[-1] + head_dim = inner_dim // attn.heads + + query = query.view(batch_size, -1, attn.heads, head_dim).transpose(1, 2) # [bs, seq_len, nhead, head_dim] -> [bs, nhead, seq_len, head_dim] + key = key.view(batch_size, -1, attn.heads, head_dim).transpose(1, 2) + value = value.view(batch_size, -1, attn.heads, head_dim).transpose(1, 2) + + hidden_states = F.scaled_dot_product_attention(query, key, value, attn_mask=attention_mask, dropout_p=0.0, is_causal=False) # [bs, nhead, seq_len, head_dim] + hidden_states = hidden_states.transpose(1, 2).reshape(batch_size, -1, attn.heads * head_dim) # [bs, seq_len, dim] + hidden_states = hidden_states.to(query.dtype) + + # linear proj + hidden_states = attn.to_out[0](hidden_states) + # dropout + hidden_states = attn.to_out[1](hidden_states) + + if attn.residual_connection: + hidden_states = hidden_states + residual + + hidden_states = hidden_states / attn.rescale_output_factor + + return hidden_states + + +class PoseAdaptorXFormersAttnProcessor(nn.Module): + def __init__(self, + hidden_size, # dimension of hidden state + pose_feature_dim=None, # dimension of the pose feature + cross_attention_dim=None, # dimension of the text embedding + query_condition=False, + key_value_condition=False, + scale=1.0, + attention_op: Optional[Callable] = None): + super().__init__() + + self.hidden_size = hidden_size + self.pose_feature_dim = pose_feature_dim + self.cross_attention_dim = cross_attention_dim + self.scale = scale + self.query_condition = query_condition + self.key_value_condition = key_value_condition + self.attention_op = attention_op + assert hidden_size == pose_feature_dim + if self.query_condition and self.key_value_condition: + self.qkv_merge = nn.Linear(hidden_size, hidden_size) + init.zeros_(self.qkv_merge.weight) + init.zeros_(self.qkv_merge.bias) + elif self.query_condition: + self.q_merge = nn.Linear(hidden_size, hidden_size) + init.zeros_(self.q_merge.weight) + init.zeros_(self.q_merge.bias) + else: + self.kv_merge = nn.Linear(hidden_size, hidden_size) + init.zeros_(self.kv_merge.weight) + init.zeros_(self.kv_merge.bias) + + def forward(self, + attn, + hidden_states, + pose_feature, + encoder_hidden_states=None, + attention_mask=None, + temb=None, + scale=None,): + assert pose_feature is not None + pose_embedding_scale = (scale or self.scale) + + residual = hidden_states + if attn.spatial_norm is not None: + hidden_states = attn.spatial_norm(hidden_states, temb) + + assert hidden_states.ndim == 3 and pose_feature.ndim == 3 + + if self.query_condition and self.key_value_condition: + assert encoder_hidden_states is None + + if encoder_hidden_states is None: + encoder_hidden_states = hidden_states + + assert encoder_hidden_states.ndim == 3 + + batch_size, ehs_sequence_length, _ = encoder_hidden_states.shape + attention_mask = attn.prepare_attention_mask(attention_mask, ehs_sequence_length, batch_size) + if attention_mask is not None: + # expand our mask's singleton query_tokens dimension: + # [batch*heads, 1, key_tokens] -> + # [batch*heads, query_tokens, key_tokens] + # so that it can be added as a bias onto the attention scores that xformers computes: + # [batch*heads, query_tokens, key_tokens] + # we do this explicitly because xformers doesn't broadcast the singleton dimension for us. + _, query_tokens, _ = hidden_states.shape + attention_mask = attention_mask.expand(-1, query_tokens, -1) + + if attn.group_norm is not None: + hidden_states = attn.group_norm(hidden_states.transpose(1, 2)).transpose(1, 2) + + if attn.norm_cross: + encoder_hidden_states = attn.norm_encoder_hidden_states(encoder_hidden_states) + + if self.query_condition and self.key_value_condition: # only self attention + query_hidden_state = self.qkv_merge(hidden_states + pose_feature) * pose_embedding_scale + hidden_states + key_value_hidden_state = query_hidden_state + elif self.query_condition: + query_hidden_state = self.q_merge(hidden_states + pose_feature) * pose_embedding_scale + hidden_states + key_value_hidden_state = encoder_hidden_states + else: + key_value_hidden_state = self.kv_merge(encoder_hidden_states + pose_feature) * pose_embedding_scale + encoder_hidden_states + query_hidden_state = hidden_states + + # original attention + query = attn.to_q(query_hidden_state) + key = attn.to_k(key_value_hidden_state) + value = attn.to_v(key_value_hidden_state) + + query = attn.head_to_batch_dim(query).contiguous() + key = attn.head_to_batch_dim(key).contiguous() + value = attn.head_to_batch_dim(value).contiguous() + + hidden_states = xformers.ops.memory_efficient_attention( + query, key, value, attn_bias=attention_mask, op=self.attention_op, scale=attn.scale + ) + hidden_states = hidden_states.to(query.dtype) + hidden_states = attn.batch_to_head_dim(hidden_states) + + # linear proj + hidden_states = attn.to_out[0](hidden_states) + # dropout + hidden_states = attn.to_out[1](hidden_states) + + if attn.residual_connection: + hidden_states = hidden_states + residual + + hidden_states = hidden_states / attn.rescale_output_factor + + return hidden_states \ No newline at end of file diff --git a/cameractrl/models/feature_extractor.py b/cameractrl/models/feature_extractor.py new file mode 100644 index 0000000000000000000000000000000000000000..449eb9238cf8f490f5bf249956d4b949e8703166 --- /dev/null +++ b/cameractrl/models/feature_extractor.py @@ -0,0 +1,421 @@ +# Copyright (c) Meta Platforms, Inc. and affiliates. +# All rights reserved. + +# This source code is licensed under the license found in the +# LICENSE file in the root directory of this source tree. + +import torch +import torch.nn as nn +from easydict import EasyDict as edict +from einops import rearrange +from sklearn.cluster import SpectralClustering +from spatracker.blocks import Lie +import matplotlib.pyplot as plt +import cv2 + +import torch.nn.functional as F +from spatracker.blocks import ( + BasicEncoder, + CorrBlock, + EUpdateFormer, + FusionFormer, + pix2cam, + cam2pix, + edgeMat, + VitEncoder, + DPTEnc, + DPT_DINOv2, + Dinov2 +) + +from spatracker.feature_net import ( + LocalSoftSplat +) + +from spatracker.model_utils import ( + meshgrid2d, bilinear_sample2d, smart_cat, sample_features5d, vis_PCA +) +from spatracker.embeddings import ( + get_2d_embedding, + get_3d_embedding, + get_1d_sincos_pos_embed_from_grid, + get_2d_sincos_pos_embed, + get_3d_sincos_pos_embed_from_grid, + Embedder_Fourier, +) +import numpy as np +from spatracker.softsplat import softsplat + +torch.manual_seed(0) + + +def get_points_on_a_grid(grid_size, interp_shape, + grid_center=(0, 0), device="cuda"): + if grid_size == 1: + return torch.tensor([interp_shape[1] / 2, + interp_shape[0] / 2], device=device)[ + None, None + ] + + grid_y, grid_x = meshgrid2d( + 1, grid_size, grid_size, stack=False, norm=False, device=device + ) + step = interp_shape[1] // 64 + if grid_center[0] != 0 or grid_center[1] != 0: + grid_y = grid_y - grid_size / 2.0 + grid_x = grid_x - grid_size / 2.0 + grid_y = step + grid_y.reshape(1, -1) / float(grid_size - 1) * ( + interp_shape[0] - step * 2 + ) + grid_x = step + grid_x.reshape(1, -1) / float(grid_size - 1) * ( + interp_shape[1] - step * 2 + ) + + grid_y = grid_y + grid_center[0] + grid_x = grid_x + grid_center[1] + xy = torch.stack([grid_x, grid_y], dim=-1).to(device) + return xy + + +def sample_pos_embed(grid_size, embed_dim, coords): + if coords.shape[-1] == 2: + pos_embed = get_2d_sincos_pos_embed(embed_dim=embed_dim, + grid_size=grid_size) + pos_embed = ( + torch.from_numpy(pos_embed) + .reshape(grid_size[0], grid_size[1], embed_dim) + .float() + .unsqueeze(0) + .to(coords.device) + ) + sampled_pos_embed = bilinear_sample2d( + pos_embed.permute(0, 3, 1, 2), + coords[:, 0, :, 0], coords[:, 0, :, 1] + ) + elif coords.shape[-1] == 3: + sampled_pos_embed = get_3d_sincos_pos_embed_from_grid( + embed_dim, coords[:, :1, ...] + ).float()[:,0,...].permute(0, 2, 1) + + return sampled_pos_embed + + +class FeatureExtractor(nn.Module): + def __init__( + self, + S=8, + stride=8, + add_space_attn=True, + num_heads=8, + hidden_size=384, + space_depth=12, + time_depth=12, + depth_extend_margin = 0.2, + args=edict({}) + ): + super(FeatureExtractor, self).__init__() + + # step1: config the arch of the model + self.args=args + # step1.1: config the default value of the model + if getattr(args, "depth_color", None) == None: + self.args.depth_color = False + if getattr(args, "if_ARAP", None) == None: + self.args.if_ARAP = True + if getattr(args, "flash_attn", None) == None: + self.args.flash_attn = True + if getattr(args, "backbone", None) == None: + self.args.backbone = "CNN" + if getattr(args, "Nblock", None) == None: + self.args.Nblock = 0 + if getattr(args, "Embed3D", None) == None: + self.args.Embed3D = True + + # step1.2: config the model parameters + self.S = S + self.stride = stride + self.hidden_dim = 256 + self.latent_dim = latent_dim = 128 + self.b_latent_dim = self.latent_dim//3 + self.corr_levels = 4 + self.corr_radius = 3 + self.add_space_attn = add_space_attn + self.lie = Lie() + + self.depth_extend_margin = depth_extend_margin + + + + # step2: config the model components + # @Encoder + self.fnet = BasicEncoder(input_dim=3, + output_dim=self.latent_dim, norm_fn="instance", dropout=0, + stride=stride, Embed3D=False + ) + + # conv head for the tri-plane features + self.headyz = nn.Sequential( + nn.Conv2d(self.latent_dim, self.latent_dim, 3, padding=1), + nn.ReLU(inplace=True), + nn.Conv2d(self.latent_dim, self.latent_dim, 3, padding=1)) + + self.headxz = nn.Sequential( + nn.Conv2d(self.latent_dim, self.latent_dim, 3, padding=1), + nn.ReLU(inplace=True), + nn.Conv2d(self.latent_dim, self.latent_dim, 3, padding=1)) + + # @UpdateFormer + self.updateformer = EUpdateFormer( + space_depth=space_depth, + time_depth=time_depth, + input_dim=456, + hidden_size=hidden_size, + num_heads=num_heads, + output_dim=latent_dim + 3, + mlp_ratio=4.0, + add_space_attn=add_space_attn, + flash=getattr(self.args, "flash_attn", True) + ) + self.support_features = torch.zeros(100, 384).to("cuda") + 0.1 + + self.norm = nn.GroupNorm(1, self.latent_dim) + + self.ffeat_updater = nn.Sequential( + nn.Linear(self.latent_dim, self.latent_dim), + nn.GELU(), + ) + self.ffeatyz_updater = nn.Sequential( + nn.Linear(self.latent_dim, self.latent_dim), + nn.GELU(), + ) + self.ffeatxz_updater = nn.Sequential( + nn.Linear(self.latent_dim, self.latent_dim), + nn.GELU(), + ) + + #TODO @NeuralArap: optimize the arap + self.embed_traj = Embedder_Fourier( + input_dim=5, max_freq_log2=5.0, N_freqs=3, include_input=True + ) + self.embed3d = Embedder_Fourier( + input_dim=3, max_freq_log2=10.0, N_freqs=10, include_input=True + ) + self.embedConv = nn.Conv2d(self.latent_dim+63, + self.latent_dim, 3, padding=1) + + # @Vis_predictor + self.vis_predictor = nn.Sequential( + nn.Linear(128, 1), + ) + + self.embedProj = nn.Linear(63, 456) + self.zeroMLPflow = nn.Linear(195, 130) + + def prepare_track(self, rgbds, queries): + """ + NOTE: + Normalized the rgbs and sorted the queries via their first appeared time + Args: + rgbds: the input rgbd images (B T 4 H W) + queries: the input queries (B N 4) + Return: + rgbds: the normalized rgbds (B T 4 H W) + queries: the sorted queries (B N 4) + track_mask: + """ + assert (rgbds.shape[2]==4) and (queries.shape[2]==4) + #Step1: normalize the rgbs input + device = rgbds.device + rgbds[:, :, :3, ...] = 2 * (rgbds[:, :, :3, ...] / 255.0) - 1.0 + B, T, C, H, W = rgbds.shape + B, N, __ = queries.shape + self.traj_e = torch.zeros((B, T, N, 3), device=device) + self.vis_e = torch.zeros((B, T, N), device=device) + + #Step2: sort the points via their first appeared time + first_positive_inds = queries[0, :, 0].long() + __, sort_inds = torch.sort(first_positive_inds, dim=0, descending=False) + inv_sort_inds = torch.argsort(sort_inds, dim=0) + first_positive_sorted_inds = first_positive_inds[sort_inds] + # check if can be inverse + assert torch.allclose( + first_positive_inds, first_positive_inds[sort_inds][inv_sort_inds] + ) + + # filter those points never appear points during 1 - T + ind_array = torch.arange(T, device=device) + ind_array = ind_array[None, :, None].repeat(B, 1, N) + track_mask = (ind_array >= + first_positive_inds[None, None, :]).unsqueeze(-1) + + # scale the coords_init + coords_init = queries[:, :, 1:].reshape(B, 1, N, 3).repeat( + 1, self.S, 1, 1 + ) + coords_init[..., :2] /= float(self.stride) + + #Step3: initial the regular grid + gridx = torch.linspace(0, W//self.stride - 1, W//self.stride) + gridy = torch.linspace(0, H//self.stride - 1, H//self.stride) + gridx, gridy = torch.meshgrid(gridx, gridy) + gridxy = torch.stack([gridx, gridy], dim=-1).to(rgbds.device).permute( + 2, 1, 0 + ) + vis_init = torch.ones((B, self.S, N, 1), device=device).float() * 10 + + # Step4: initial traj for neural arap + T_series = torch.linspace(0, 5, T).reshape(1, T, 1 , 1).cuda() # 1 T 1 1 + T_series = T_series.repeat(B, 1, N, 1) + # get the 3d traj in the camera coordinates + intr_init = self.intrs[:,queries[0,:,0].long()] + Traj_series = pix2cam(queries[:,:,None,1:].double(), intr_init.double()) # [B S N 3] + #torch.inverse(intr_init.double())@queries[:,:,1:,None].double() # B N 3 1 + Traj_series = Traj_series.repeat(1, 1, T, 1).permute(0, 2, 1, 3).float() + Traj_series = torch.cat([T_series, Traj_series], dim=-1) + # get the indicator for the neural arap + Traj_mask = -1e2*torch.ones_like(T_series) + Traj_series = torch.cat([Traj_series, Traj_mask], dim=-1) + + return ( + rgbds, + first_positive_inds, + first_positive_sorted_inds, + sort_inds, inv_sort_inds, + track_mask, gridxy, coords_init[..., sort_inds, :].clone(), + vis_init, Traj_series[..., sort_inds, :].clone() + ) + + def sample_trifeat(self, t, + coords, + featMapxy, + featMapyz, + featMapxz): + """ + Sample the features from the 5D triplane feature map 3*(B S C H W) + Args: + t: the time index + coords: the coordinates of the points B S N 3 + featMapxy: the feature map B S C Hx Wy + featMapyz: the feature map B S C Hy Wz + featMapxz: the feature map B S C Hx Wz + """ + # get xy_t yz_t xz_t + queried_t = t.reshape(1, 1, -1, 1) + xy_t = torch.cat( + [queried_t, coords[..., [0,1]]], + dim=-1 + ) + yz_t = torch.cat( + [queried_t, coords[..., [1, 2]]], + dim=-1 + ) + xz_t = torch.cat( + [queried_t, coords[..., [0, 2]]], + dim=-1 + ) + featxy_init = sample_features5d(featMapxy, xy_t) + + featyz_init = sample_features5d(featMapyz, yz_t) + featxz_init = sample_features5d(featMapxz, xz_t) + + featxy_init = featxy_init.repeat(1, self.S, 1, 1) + featyz_init = featyz_init.repeat(1, self.S, 1, 1) + featxz_init = featxz_init.repeat(1, self.S, 1, 1) + + return featxy_init, featyz_init, featxz_init + + + + def forward(self, rgbds, queries, num_levels=4, feat_init=None, + is_train=False, intrs=None, wind_S=None): + ''' + queries: given trajs (B, f, N, 3) [x, y, z], x, y in camera coordinate, z in depth (need to be normalized) + vis_init: visibility of the points (B, f, N) , 0 for invisible, 1 for visible + ''' + B, T, C, H, W = rgbds.shape + + Dz = W//self.stride + + rgbs_ = rgbds[:, :, :3,...] + depth_all = rgbds[:, :, 3,...] + d_near = self.d_near = depth_all[depth_all>0.01].min().item() + d_far = self.d_far = depth_all[depth_all>0.01].max().item() + + d_near_z = queries.reshape(B, -1, 3)[:, :, 2].min().item() + d_far_z = queries.reshape(B, -1, 3)[:, :, 2].max().item() + + d_near = min(d_near, d_near_z) + d_far = max(d_far, d_far_z) + + d_near = min(d_near - self.depth_extend_margin, 0.01) + d_far = d_far + self.depth_extend_margin + + depths = (depth_all - d_near)/(d_far-d_near) + depths_dn = nn.functional.interpolate( + depths, scale_factor=1.0 / self.stride, mode="nearest") + depths_dnG = depths_dn*Dz + + #Step3: initial the regular grid + gridx = torch.linspace(0, W//self.stride - 1, W//self.stride) + gridy = torch.linspace(0, H//self.stride - 1, H//self.stride) + gridx, gridy = torch.meshgrid(gridx, gridy) + gridxy = torch.stack([gridx, gridy], dim=-1).to(rgbds.device).permute( + 2, 1, 0 + ) # 2 H W + + gridxyz = torch.cat([gridxy[None,...].repeat( + depths_dn.shape[0],1,1,1), depths_dnG], dim=1) + Fxy2yz = gridxyz[:,[1, 2], ...] - gridxyz[:,:2] + Fxy2xz = gridxyz[:,[0, 2], ...] - gridxyz[:,:2] + if getattr(self.args, "Embed3D", None) == True: + gridxyz_nm = gridxyz.clone() + gridxyz_nm[:,0,...] = (gridxyz_nm[:,0,...]-gridxyz_nm[:,0,...].min())/(gridxyz_nm[:,0,...].max()-gridxyz_nm[:,0,...].min()) + gridxyz_nm[:,1,...] = (gridxyz_nm[:,1,...]-gridxyz_nm[:,1,...].min())/(gridxyz_nm[:,1,...].max()-gridxyz_nm[:,1,...].min()) + gridxyz_nm[:,2,...] = (gridxyz_nm[:,2,...]-gridxyz_nm[:,2,...].min())/(gridxyz_nm[:,2,...].max()-gridxyz_nm[:,2,...].min()) + gridxyz_nm = 2*(gridxyz_nm-0.5) + _,_,h4,w4 = gridxyz_nm.shape + gridxyz_nm = gridxyz_nm.permute(0,2,3,1).reshape(S*h4*w4, 3) + featPE = self.embed3d(gridxyz_nm).view(S, h4, w4, -1).permute(0,3,1,2) + if fmaps_ is None: + fmaps_ = torch.cat([self.fnet(rgbs_),featPE], dim=1) + fmaps_ = self.embedConv(fmaps_) + else: + fmaps_new = torch.cat([self.fnet(rgbs_[self.S // 2 :]),featPE[self.S // 2 :]], dim=1) + fmaps_new = self.embedConv(fmaps_new) + fmaps_ = torch.cat( + [fmaps_[self.S // 2 :], fmaps_new], dim=0 + ) + else: + if fmaps_ is None: + fmaps_ = self.fnet(rgbs_) + else: + fmaps_ = torch.cat( + [fmaps_[self.S // 2 :], self.fnet(rgbs_[self.S // 2 :])], dim=0 + ) + + fmapXY = fmaps_[:, :self.latent_dim].reshape( + B, T, self.latent_dim, H // self.stride, W // self.stride + ) + + fmapYZ = softsplat(fmapXY[0], Fxy2yz, None, + strMode="avg", tenoutH=self.Dz, tenoutW=H//self.stride) + fmapXZ = softsplat(fmapXY[0], Fxy2xz, None, + strMode="avg", tenoutH=self.Dz, tenoutW=W//self.stride) + + fmapYZ = self.headyz(fmapYZ)[None, ...] + fmapXZ = self.headxz(fmapXZ)[None, ...] + + # scale the coords_init + coords_init = queries[:, :1] # B 1 N 3, the first frame + coords_init[..., :2] /= float(self.stride) + + (featxy_init, + featyz_init, + featxz_init) = self.sample_trifeat( + t=torch.zeros(B*queries.shape[2]),featMapxy=fmapXY, + featMapyz=fmapYZ,featMapxz=fmapXZ, + coords = coords_init # B 1 N 3 + ) + + return torch.stack([featxy_init, featyz_init, featxz_init], dim=-1) + diff --git a/cameractrl/models/lora.py b/cameractrl/models/lora.py new file mode 100755 index 0000000000000000000000000000000000000000..2cec1325af8bcc5f460c9ed00206326291f6c5ac --- /dev/null +++ b/cameractrl/models/lora.py @@ -0,0 +1,1110 @@ +import json +import math +from itertools import groupby +from typing import Callable, Dict, List, Optional, Set, Tuple, Type, Union + +import numpy as np +import PIL +import torch +import torch.nn as nn +import torch.nn.functional as F + +try: + from safetensors.torch import safe_open + from safetensors.torch import save_file as safe_save + + safetensors_available = True +except ImportError: + from .safe_open import safe_open + + def safe_save( + tensors: Dict[str, torch.Tensor], + filename: str, + metadata: Optional[Dict[str, str]] = None, + ) -> None: + raise EnvironmentError( + "Saving safetensors requires the safetensors library. Please install with pip or similar." + ) + + safetensors_available = False + + +class LoraInjectedLinear(nn.Module): + def __init__( + self, in_features, out_features, bias=False, r=4, dropout_p=0.1, scale=1.0 + ): + super().__init__() + + if r > min(in_features, out_features): + raise ValueError( + f"LoRA rank {r} must be less or equal than {min(in_features, out_features)}" + ) + self.r = r + self.linear = nn.Linear(in_features, out_features, bias) + self.lora_down = nn.Linear(in_features, r, bias=False) + self.dropout = nn.Dropout(dropout_p) + self.lora_up = nn.Linear(r, out_features, bias=False) + self.scale = scale + self.selector = nn.Identity() + + nn.init.normal_(self.lora_down.weight, std=1 / r) + nn.init.zeros_(self.lora_up.weight) + + def forward(self, input): + return ( + self.linear(input) + + self.dropout(self.lora_up(self.selector(self.lora_down(input)))) + * self.scale + ) + + def realize_as_lora(self): + return self.lora_up.weight.data * self.scale, self.lora_down.weight.data + + def set_selector_from_diag(self, diag: torch.Tensor): + # diag is a 1D tensor of size (r,) + assert diag.shape == (self.r,) + self.selector = nn.Linear(self.r, self.r, bias=False) + self.selector.weight.data = torch.diag(diag) + self.selector.weight.data = self.selector.weight.data.to( + self.lora_up.weight.device + ).to(self.lora_up.weight.dtype) + + +class LoraInjectedConv2d(nn.Module): + def __init__( + self, + in_channels: int, + out_channels: int, + kernel_size, + stride=1, + padding=0, + dilation=1, + groups: int = 1, + bias: bool = True, + r: int = 4, + dropout_p: float = 0.1, + scale: float = 1.0, + ): + super().__init__() + if r > min(in_channels, out_channels): + raise ValueError( + f"LoRA rank {r} must be less or equal than {min(in_channels, out_channels)}" + ) + self.r = r + self.conv = nn.Conv2d( + in_channels=in_channels, + out_channels=out_channels, + kernel_size=kernel_size, + stride=stride, + padding=padding, + dilation=dilation, + groups=groups, + bias=bias, + ) + + self.lora_down = nn.Conv2d( + in_channels=in_channels, + out_channels=r, + kernel_size=kernel_size, + stride=stride, + padding=padding, + dilation=dilation, + groups=groups, + bias=False, + ) + self.dropout = nn.Dropout(dropout_p) + self.lora_up = nn.Conv2d( + in_channels=r, + out_channels=out_channels, + kernel_size=1, + stride=1, + padding=0, + bias=False, + ) + self.selector = nn.Identity() + self.scale = scale + + nn.init.normal_(self.lora_down.weight, std=1 / r) + nn.init.zeros_(self.lora_up.weight) + + def forward(self, input): + return ( + self.conv(input) + + self.dropout(self.lora_up(self.selector(self.lora_down(input)))) + * self.scale + ) + + def realize_as_lora(self): + return self.lora_up.weight.data * self.scale, self.lora_down.weight.data + + def set_selector_from_diag(self, diag: torch.Tensor): + # diag is a 1D tensor of size (r,) + assert diag.shape == (self.r,) + self.selector = nn.Conv2d( + in_channels=self.r, + out_channels=self.r, + kernel_size=1, + stride=1, + padding=0, + bias=False, + ) + self.selector.weight.data = torch.diag(diag) + + # same device + dtype as lora_up + self.selector.weight.data = self.selector.weight.data.to( + self.lora_up.weight.device + ).to(self.lora_up.weight.dtype) + + +UNET_DEFAULT_TARGET_REPLACE = {"CrossAttention", "Attention", "GEGLU"} + +UNET_EXTENDED_TARGET_REPLACE = {"ResnetBlock2D", "CrossAttention", "Attention", "GEGLU"} + +TEXT_ENCODER_DEFAULT_TARGET_REPLACE = {"CLIPAttention"} + +TEXT_ENCODER_EXTENDED_TARGET_REPLACE = {"CLIPAttention"} + +DEFAULT_TARGET_REPLACE = UNET_DEFAULT_TARGET_REPLACE + +EMBED_FLAG = "" + + +def _find_children( + model, + search_class: List[Type[nn.Module]] = [nn.Linear], +): + """ + Find all modules of a certain class (or union of classes). + + Returns all matching modules, along with the parent of those moduless and the + names they are referenced by. + """ + # For each target find every linear_class module that isn't a child of a LoraInjectedLinear + for parent in model.modules(): + for name, module in parent.named_children(): + if any([isinstance(module, _class) for _class in search_class]): + yield parent, name, module + + +def _find_modules_v2( + model, + ancestor_class: Optional[Set[str]] = None, + search_class: List[Type[nn.Module]] = [nn.Linear], + exclude_children_of: Optional[List[Type[nn.Module]]] = [ + LoraInjectedLinear, + LoraInjectedConv2d, + ], +): + """ + Find all modules of a certain class (or union of classes) that are direct or + indirect descendants of other modules of a certain class (or union of classes). + + Returns all matching modules, along with the parent of those moduless and the + names they are referenced by. + """ + + # Get the targets we should replace all linears under + if ancestor_class is not None: + ancestors = ( + module + for module in model.modules() + if module.__class__.__name__ in ancestor_class + ) + else: + # this, incase you want to naively iterate over all modules. + ancestors = [module for module in model.modules()] + + # For each target find every linear_class module that isn't a child of a LoraInjectedLinear + for ancestor in ancestors: + for fullname, module in ancestor.named_modules(): + if any([isinstance(module, _class) for _class in search_class]): + # Find the direct parent if this is a descendant, not a child, of target + *path, name = fullname.split(".") + parent = ancestor + while path: + parent = parent.get_submodule(path.pop(0)) + # Skip this linear if it's a child of a LoraInjectedLinear + if exclude_children_of and any( + [isinstance(parent, _class) for _class in exclude_children_of] + ): + continue + # Otherwise, yield it + yield parent, name, module + + +def _find_modules_old( + model, + ancestor_class: Set[str] = DEFAULT_TARGET_REPLACE, + search_class: List[Type[nn.Module]] = [nn.Linear], + exclude_children_of: Optional[List[Type[nn.Module]]] = [LoraInjectedLinear], +): + ret = [] + for _module in model.modules(): + if _module.__class__.__name__ in ancestor_class: + + for name, _child_module in _module.named_modules(): + if _child_module.__class__ in search_class: + ret.append((_module, name, _child_module)) + print(ret) + return ret + + +_find_modules = _find_modules_v2 + + +def inject_trainable_lora( + model: nn.Module, + target_replace_module: Set[str] = DEFAULT_TARGET_REPLACE, + r: int = 4, + loras=None, # path to lora .pt + verbose: bool = False, + dropout_p: float = 0.0, + scale: float = 1.0, +): + """ + inject lora into model, and returns lora parameter groups. + """ + + require_grad_params = [] + names = [] + + if loras != None: + loras = torch.load(loras) + + for _module, name, _child_module in _find_modules( + model, target_replace_module, search_class=[nn.Linear] + ): + weight = _child_module.weight + bias = _child_module.bias + if verbose: + print("LoRA Injection : injecting lora into ", name) + print("LoRA Injection : weight shape", weight.shape) + _tmp = LoraInjectedLinear( + _child_module.in_features, + _child_module.out_features, + _child_module.bias is not None, + r=r, + dropout_p=dropout_p, + scale=scale, + ) + _tmp.linear.weight = weight + if bias is not None: + _tmp.linear.bias = bias + + # switch the module + _tmp.to(_child_module.weight.device).to(_child_module.weight.dtype) + _module._modules[name] = _tmp + + require_grad_params.append(_module._modules[name].lora_up.parameters()) + require_grad_params.append(_module._modules[name].lora_down.parameters()) + + if loras != None: + _module._modules[name].lora_up.weight = loras.pop(0) + _module._modules[name].lora_down.weight = loras.pop(0) + + _module._modules[name].lora_up.weight.requires_grad = True + _module._modules[name].lora_down.weight.requires_grad = True + names.append(name) + + return require_grad_params, names + + +def inject_trainable_lora_extended( + model: nn.Module, + target_replace_module: Set[str] = UNET_EXTENDED_TARGET_REPLACE, + r: int = 4, + loras=None, # path to lora .pt +): + """ + inject lora into model, and returns lora parameter groups. + """ + + require_grad_params = [] + names = [] + + if loras != None: + loras = torch.load(loras) + + for _module, name, _child_module in _find_modules( + model, target_replace_module, search_class=[nn.Linear, nn.Conv2d] + ): + if _child_module.__class__ == nn.Linear: + weight = _child_module.weight + bias = _child_module.bias + _tmp = LoraInjectedLinear( + _child_module.in_features, + _child_module.out_features, + _child_module.bias is not None, + r=r, + ) + _tmp.linear.weight = weight + if bias is not None: + _tmp.linear.bias = bias + elif _child_module.__class__ == nn.Conv2d: + weight = _child_module.weight + bias = _child_module.bias + _tmp = LoraInjectedConv2d( + _child_module.in_channels, + _child_module.out_channels, + _child_module.kernel_size, + _child_module.stride, + _child_module.padding, + _child_module.dilation, + _child_module.groups, + _child_module.bias is not None, + r=r, + ) + + _tmp.conv.weight = weight + if bias is not None: + _tmp.conv.bias = bias + + # switch the module + _tmp.to(_child_module.weight.device).to(_child_module.weight.dtype) + if bias is not None: + _tmp.to(_child_module.bias.device).to(_child_module.bias.dtype) + + _module._modules[name] = _tmp + + require_grad_params.append(_module._modules[name].lora_up.parameters()) + require_grad_params.append(_module._modules[name].lora_down.parameters()) + + if loras != None: + _module._modules[name].lora_up.weight = loras.pop(0) + _module._modules[name].lora_down.weight = loras.pop(0) + + _module._modules[name].lora_up.weight.requires_grad = True + _module._modules[name].lora_down.weight.requires_grad = True + names.append(name) + + return require_grad_params, names + + +def extract_lora_ups_down(model, target_replace_module=DEFAULT_TARGET_REPLACE): + + loras = [] + + for _m, _n, _child_module in _find_modules( + model, + target_replace_module, + search_class=[LoraInjectedLinear, LoraInjectedConv2d], + ): + loras.append((_child_module.lora_up, _child_module.lora_down)) + + if len(loras) == 0: + raise ValueError("No lora injected.") + + return loras + + +def extract_lora_as_tensor( + model, target_replace_module=DEFAULT_TARGET_REPLACE, as_fp16=True +): + + loras = [] + + for _m, _n, _child_module in _find_modules( + model, + target_replace_module, + search_class=[LoraInjectedLinear, LoraInjectedConv2d], + ): + up, down = _child_module.realize_as_lora() + if as_fp16: + up = up.to(torch.float16) + down = down.to(torch.float16) + + loras.append((up, down)) + + if len(loras) == 0: + raise ValueError("No lora injected.") + + return loras + + +def save_lora_weight( + model, + path="./lora.pt", + target_replace_module=DEFAULT_TARGET_REPLACE, +): + weights = [] + for _up, _down in extract_lora_ups_down( + model, target_replace_module=target_replace_module + ): + weights.append(_up.weight.to("cpu").to(torch.float16)) + weights.append(_down.weight.to("cpu").to(torch.float16)) + + torch.save(weights, path) + + +def save_lora_as_json(model, path="./lora.json"): + weights = [] + for _up, _down in extract_lora_ups_down(model): + weights.append(_up.weight.detach().cpu().numpy().tolist()) + weights.append(_down.weight.detach().cpu().numpy().tolist()) + + import json + + with open(path, "w") as f: + json.dump(weights, f) + + +def save_safeloras_with_embeds( + modelmap: Dict[str, Tuple[nn.Module, Set[str]]] = {}, + embeds: Dict[str, torch.Tensor] = {}, + outpath="./lora.safetensors", +): + """ + Saves the Lora from multiple modules in a single safetensor file. + + modelmap is a dictionary of { + "module name": (module, target_replace_module) + } + """ + weights = {} + metadata = {} + + for name, (model, target_replace_module) in modelmap.items(): + metadata[name] = json.dumps(list(target_replace_module)) + + for i, (_up, _down) in enumerate( + extract_lora_as_tensor(model, target_replace_module) + ): + rank = _down.shape[0] + + metadata[f"{name}:{i}:rank"] = str(rank) + weights[f"{name}:{i}:up"] = _up + weights[f"{name}:{i}:down"] = _down + + for token, tensor in embeds.items(): + metadata[token] = EMBED_FLAG + weights[token] = tensor + + print(f"Saving weights to {outpath}") + safe_save(weights, outpath, metadata) + + +def save_safeloras( + modelmap: Dict[str, Tuple[nn.Module, Set[str]]] = {}, + outpath="./lora.safetensors", +): + return save_safeloras_with_embeds(modelmap=modelmap, outpath=outpath) + + +def convert_loras_to_safeloras_with_embeds( + modelmap: Dict[str, Tuple[str, Set[str], int]] = {}, + embeds: Dict[str, torch.Tensor] = {}, + outpath="./lora.safetensors", +): + """ + Converts the Lora from multiple pytorch .pt files into a single safetensor file. + + modelmap is a dictionary of { + "module name": (pytorch_model_path, target_replace_module, rank) + } + """ + + weights = {} + metadata = {} + + for name, (path, target_replace_module, r) in modelmap.items(): + metadata[name] = json.dumps(list(target_replace_module)) + + lora = torch.load(path) + for i, weight in enumerate(lora): + is_up = i % 2 == 0 + i = i // 2 + + if is_up: + metadata[f"{name}:{i}:rank"] = str(r) + weights[f"{name}:{i}:up"] = weight + else: + weights[f"{name}:{i}:down"] = weight + + for token, tensor in embeds.items(): + metadata[token] = EMBED_FLAG + weights[token] = tensor + + print(f"Saving weights to {outpath}") + safe_save(weights, outpath, metadata) + + +def convert_loras_to_safeloras( + modelmap: Dict[str, Tuple[str, Set[str], int]] = {}, + outpath="./lora.safetensors", +): + convert_loras_to_safeloras_with_embeds(modelmap=modelmap, outpath=outpath) + + +def parse_safeloras( + safeloras, +) -> Dict[str, Tuple[List[nn.parameter.Parameter], List[int], List[str]]]: + """ + Converts a loaded safetensor file that contains a set of module Loras + into Parameters and other information + + Output is a dictionary of { + "module name": ( + [list of weights], + [list of ranks], + target_replacement_modules + ) + } + """ + loras = {} + metadata = safeloras.metadata() + + get_name = lambda k: k.split(":")[0] + + keys = list(safeloras.keys()) + keys.sort(key=get_name) + + for name, module_keys in groupby(keys, get_name): + info = metadata.get(name) + + if not info: + raise ValueError( + f"Tensor {name} has no metadata - is this a Lora safetensor?" + ) + + # Skip Textual Inversion embeds + if info == EMBED_FLAG: + continue + + # Handle Loras + # Extract the targets + target = json.loads(info) + + # Build the result lists - Python needs us to preallocate lists to insert into them + module_keys = list(module_keys) + ranks = [4] * (len(module_keys) // 2) + weights = [None] * len(module_keys) + + for key in module_keys: + # Split the model name and index out of the key + _, idx, direction = key.split(":") + idx = int(idx) + + # Add the rank + ranks[idx] = int(metadata[f"{name}:{idx}:rank"]) + + # Insert the weight into the list + idx = idx * 2 + (1 if direction == "down" else 0) + weights[idx] = nn.parameter.Parameter(safeloras.get_tensor(key)) + + loras[name] = (weights, ranks, target) + + return loras + + +def parse_safeloras_embeds( + safeloras, +) -> Dict[str, torch.Tensor]: + """ + Converts a loaded safetensor file that contains Textual Inversion embeds into + a dictionary of embed_token: Tensor + """ + embeds = {} + metadata = safeloras.metadata() + + for key in safeloras.keys(): + # Only handle Textual Inversion embeds + meta = metadata.get(key) + if not meta or meta != EMBED_FLAG: + continue + + embeds[key] = safeloras.get_tensor(key) + + return embeds + + +def load_safeloras(path, device="cpu"): + safeloras = safe_open(path, framework="pt", device=device) + return parse_safeloras(safeloras) + + +def load_safeloras_embeds(path, device="cpu"): + safeloras = safe_open(path, framework="pt", device=device) + return parse_safeloras_embeds(safeloras) + + +def load_safeloras_both(path, device="cpu"): + safeloras = safe_open(path, framework="pt", device=device) + return parse_safeloras(safeloras), parse_safeloras_embeds(safeloras) + + +def collapse_lora(model, alpha=1.0): + + for _module, name, _child_module in _find_modules( + model, + UNET_EXTENDED_TARGET_REPLACE | TEXT_ENCODER_EXTENDED_TARGET_REPLACE, + search_class=[LoraInjectedLinear, LoraInjectedConv2d], + ): + + if isinstance(_child_module, LoraInjectedLinear): + print("Collapsing Lin Lora in", name) + + _child_module.linear.weight = nn.Parameter( + _child_module.linear.weight.data + + alpha + * ( + _child_module.lora_up.weight.data + @ _child_module.lora_down.weight.data + ) + .type(_child_module.linear.weight.dtype) + .to(_child_module.linear.weight.device) + ) + + else: + print("Collapsing Conv Lora in", name) + _child_module.conv.weight = nn.Parameter( + _child_module.conv.weight.data + + alpha + * ( + _child_module.lora_up.weight.data.flatten(start_dim=1) + @ _child_module.lora_down.weight.data.flatten(start_dim=1) + ) + .reshape(_child_module.conv.weight.data.shape) + .type(_child_module.conv.weight.dtype) + .to(_child_module.conv.weight.device) + ) + + +def monkeypatch_or_replace_lora( + model, + loras, + target_replace_module=DEFAULT_TARGET_REPLACE, + r: Union[int, List[int]] = 4, +): + for _module, name, _child_module in _find_modules( + model, target_replace_module, search_class=[nn.Linear, LoraInjectedLinear] + ): + _source = ( + _child_module.linear + if isinstance(_child_module, LoraInjectedLinear) + else _child_module + ) + + weight = _source.weight + bias = _source.bias + _tmp = LoraInjectedLinear( + _source.in_features, + _source.out_features, + _source.bias is not None, + r=r.pop(0) if isinstance(r, list) else r, + ) + _tmp.linear.weight = weight + + if bias is not None: + _tmp.linear.bias = bias + + # switch the module + _module._modules[name] = _tmp + + up_weight = loras.pop(0) + down_weight = loras.pop(0) + + _module._modules[name].lora_up.weight = nn.Parameter( + up_weight.type(weight.dtype) + ) + _module._modules[name].lora_down.weight = nn.Parameter( + down_weight.type(weight.dtype) + ) + + _module._modules[name].to(weight.device) + + +def monkeypatch_or_replace_lora_extended( + model, + loras, + target_replace_module=DEFAULT_TARGET_REPLACE, + r: Union[int, List[int]] = 4, +): + for _module, name, _child_module in _find_modules( + model, + target_replace_module, + search_class=[nn.Linear, LoraInjectedLinear, nn.Conv2d, LoraInjectedConv2d], + ): + + if (_child_module.__class__ == nn.Linear) or ( + _child_module.__class__ == LoraInjectedLinear + ): + if len(loras[0].shape) != 2: + continue + + _source = ( + _child_module.linear + if isinstance(_child_module, LoraInjectedLinear) + else _child_module + ) + + weight = _source.weight + bias = _source.bias + _tmp = LoraInjectedLinear( + _source.in_features, + _source.out_features, + _source.bias is not None, + r=r.pop(0) if isinstance(r, list) else r, + ) + _tmp.linear.weight = weight + + if bias is not None: + _tmp.linear.bias = bias + + elif (_child_module.__class__ == nn.Conv2d) or ( + _child_module.__class__ == LoraInjectedConv2d + ): + if len(loras[0].shape) != 4: + continue + _source = ( + _child_module.conv + if isinstance(_child_module, LoraInjectedConv2d) + else _child_module + ) + + weight = _source.weight + bias = _source.bias + _tmp = LoraInjectedConv2d( + _source.in_channels, + _source.out_channels, + _source.kernel_size, + _source.stride, + _source.padding, + _source.dilation, + _source.groups, + _source.bias is not None, + r=r.pop(0) if isinstance(r, list) else r, + ) + + _tmp.conv.weight = weight + + if bias is not None: + _tmp.conv.bias = bias + + # switch the module + _module._modules[name] = _tmp + + up_weight = loras.pop(0) + down_weight = loras.pop(0) + + _module._modules[name].lora_up.weight = nn.Parameter( + up_weight.type(weight.dtype) + ) + _module._modules[name].lora_down.weight = nn.Parameter( + down_weight.type(weight.dtype) + ) + + _module._modules[name].to(weight.device) + + +def monkeypatch_or_replace_safeloras(models, safeloras): + loras = parse_safeloras(safeloras) + + for name, (lora, ranks, target) in loras.items(): + model = getattr(models, name, None) + + if not model: + print(f"No model provided for {name}, contained in Lora") + continue + + monkeypatch_or_replace_lora_extended(model, lora, target, ranks) + + +def monkeypatch_remove_lora(model): + for _module, name, _child_module in _find_modules( + model, search_class=[LoraInjectedLinear, LoraInjectedConv2d] + ): + if isinstance(_child_module, LoraInjectedLinear): + _source = _child_module.linear + weight, bias = _source.weight, _source.bias + + _tmp = nn.Linear( + _source.in_features, _source.out_features, bias is not None + ) + + _tmp.weight = weight + if bias is not None: + _tmp.bias = bias + + else: + _source = _child_module.conv + weight, bias = _source.weight, _source.bias + + _tmp = nn.Conv2d( + in_channels=_source.in_channels, + out_channels=_source.out_channels, + kernel_size=_source.kernel_size, + stride=_source.stride, + padding=_source.padding, + dilation=_source.dilation, + groups=_source.groups, + bias=bias is not None, + ) + + _tmp.weight = weight + if bias is not None: + _tmp.bias = bias + + _module._modules[name] = _tmp + + +def monkeypatch_add_lora( + model, + loras, + target_replace_module=DEFAULT_TARGET_REPLACE, + alpha: float = 1.0, + beta: float = 1.0, +): + for _module, name, _child_module in _find_modules( + model, target_replace_module, search_class=[LoraInjectedLinear] + ): + weight = _child_module.linear.weight + + up_weight = loras.pop(0) + down_weight = loras.pop(0) + + _module._modules[name].lora_up.weight = nn.Parameter( + up_weight.type(weight.dtype).to(weight.device) * alpha + + _module._modules[name].lora_up.weight.to(weight.device) * beta + ) + _module._modules[name].lora_down.weight = nn.Parameter( + down_weight.type(weight.dtype).to(weight.device) * alpha + + _module._modules[name].lora_down.weight.to(weight.device) * beta + ) + + _module._modules[name].to(weight.device) + + +def tune_lora_scale(model, alpha: float = 1.0): + for _module in model.modules(): + if _module.__class__.__name__ in ["LoraInjectedLinear", "LoraInjectedConv2d"]: + _module.scale = alpha + + +def set_lora_diag(model, diag: torch.Tensor): + for _module in model.modules(): + if _module.__class__.__name__ in ["LoraInjectedLinear", "LoraInjectedConv2d"]: + _module.set_selector_from_diag(diag) + + +def _text_lora_path(path: str) -> str: + assert path.endswith(".pt"), "Only .pt files are supported" + return ".".join(path.split(".")[:-1] + ["text_encoder", "pt"]) + + +def _ti_lora_path(path: str) -> str: + assert path.endswith(".pt"), "Only .pt files are supported" + return ".".join(path.split(".")[:-1] + ["ti", "pt"]) + + +def apply_learned_embed_in_clip( + learned_embeds, + text_encoder, + tokenizer, + token: Optional[Union[str, List[str]]] = None, + idempotent=False, +): + if isinstance(token, str): + trained_tokens = [token] + elif isinstance(token, list): + assert len(learned_embeds.keys()) == len( + token + ), "The number of tokens and the number of embeds should be the same" + trained_tokens = token + else: + trained_tokens = list(learned_embeds.keys()) + + for token in trained_tokens: + print(token) + embeds = learned_embeds[token] + + # cast to dtype of text_encoder + dtype = text_encoder.get_input_embeddings().weight.dtype + num_added_tokens = tokenizer.add_tokens(token) + + i = 1 + if not idempotent: + while num_added_tokens == 0: + print(f"The tokenizer already contains the token {token}.") + token = f"{token[:-1]}-{i}>" + print(f"Attempting to add the token {token}.") + num_added_tokens = tokenizer.add_tokens(token) + i += 1 + elif num_added_tokens == 0 and idempotent: + print(f"The tokenizer already contains the token {token}.") + print(f"Replacing {token} embedding.") + + # resize the token embeddings + text_encoder.resize_token_embeddings(len(tokenizer)) + + # get the id for the token and assign the embeds + token_id = tokenizer.convert_tokens_to_ids(token) + text_encoder.get_input_embeddings().weight.data[token_id] = embeds + return token + + +def load_learned_embed_in_clip( + learned_embeds_path, + text_encoder, + tokenizer, + token: Optional[Union[str, List[str]]] = None, + idempotent=False, +): + learned_embeds = torch.load(learned_embeds_path) + apply_learned_embed_in_clip( + learned_embeds, text_encoder, tokenizer, token, idempotent + ) + + +def patch_pipe( + pipe, + maybe_unet_path, + token: Optional[str] = None, + r: int = 4, + patch_unet=True, + patch_text=True, + patch_ti=True, + idempotent_token=True, + unet_target_replace_module=DEFAULT_TARGET_REPLACE, + text_target_replace_module=TEXT_ENCODER_DEFAULT_TARGET_REPLACE, +): + if maybe_unet_path.endswith(".pt"): + # torch format + + if maybe_unet_path.endswith(".ti.pt"): + unet_path = maybe_unet_path[:-6] + ".pt" + elif maybe_unet_path.endswith(".text_encoder.pt"): + unet_path = maybe_unet_path[:-16] + ".pt" + else: + unet_path = maybe_unet_path + + ti_path = _ti_lora_path(unet_path) + text_path = _text_lora_path(unet_path) + + if patch_unet: + print("LoRA : Patching Unet") + monkeypatch_or_replace_lora( + pipe.unet, + torch.load(unet_path), + r=r, + target_replace_module=unet_target_replace_module, + ) + + if patch_text: + print("LoRA : Patching text encoder") + monkeypatch_or_replace_lora( + pipe.text_encoder, + torch.load(text_path), + target_replace_module=text_target_replace_module, + r=r, + ) + if patch_ti: + print("LoRA : Patching token input") + token = load_learned_embed_in_clip( + ti_path, + pipe.text_encoder, + pipe.tokenizer, + token=token, + idempotent=idempotent_token, + ) + + elif maybe_unet_path.endswith(".safetensors"): + safeloras = safe_open(maybe_unet_path, framework="pt", device="cpu") + monkeypatch_or_replace_safeloras(pipe, safeloras) + tok_dict = parse_safeloras_embeds(safeloras) + if patch_ti: + apply_learned_embed_in_clip( + tok_dict, + pipe.text_encoder, + pipe.tokenizer, + token=token, + idempotent=idempotent_token, + ) + return tok_dict + + +@torch.no_grad() +def inspect_lora(model): + moved = {} + + for name, _module in model.named_modules(): + if _module.__class__.__name__ in ["LoraInjectedLinear", "LoraInjectedConv2d"]: + ups = _module.lora_up.weight.data.clone() + downs = _module.lora_down.weight.data.clone() + + wght: torch.Tensor = ups.flatten(1) @ downs.flatten(1) + + dist = wght.flatten().abs().mean().item() + if name in moved: + moved[name].append(dist) + else: + moved[name] = [dist] + + return moved + + +def save_all( + unet, + text_encoder, + save_path, + placeholder_token_ids=None, + placeholder_tokens=None, + save_lora=True, + save_ti=True, + target_replace_module_text=TEXT_ENCODER_DEFAULT_TARGET_REPLACE, + target_replace_module_unet=DEFAULT_TARGET_REPLACE, + safe_form=True, +): + if not safe_form: + # save ti + if save_ti: + ti_path = _ti_lora_path(save_path) + learned_embeds_dict = {} + for tok, tok_id in zip(placeholder_tokens, placeholder_token_ids): + learned_embeds = text_encoder.get_input_embeddings().weight[tok_id] + print( + f"Current Learned Embeddings for {tok}:, id {tok_id} ", + learned_embeds[:4], + ) + learned_embeds_dict[tok] = learned_embeds.detach().cpu() + + torch.save(learned_embeds_dict, ti_path) + print("Ti saved to ", ti_path) + + # save text encoder + if save_lora: + + save_lora_weight( + unet, save_path, target_replace_module=target_replace_module_unet + ) + print("Unet saved to ", save_path) + + save_lora_weight( + text_encoder, + _text_lora_path(save_path), + target_replace_module=target_replace_module_text, + ) + print("Text Encoder saved to ", _text_lora_path(save_path)) + + else: + assert save_path.endswith( + ".safetensors" + ), f"Save path : {save_path} should end with .safetensors" + + loras = {} + embeds = {} + + if save_lora: + + loras["unet"] = (unet, target_replace_module_unet) + loras["text_encoder"] = (text_encoder, target_replace_module_text) + + if save_ti: + for tok, tok_id in zip(placeholder_tokens, placeholder_token_ids): + learned_embeds = text_encoder.get_input_embeddings().weight[tok_id] + print( + f"Current Learned Embeddings for {tok}:, id {tok_id} ", + learned_embeds[:4], + ) + embeds[tok] = learned_embeds.detach().cpu() + + save_safeloras_with_embeds(loras, embeds, save_path) \ No newline at end of file diff --git a/cameractrl/models/motion_module.py b/cameractrl/models/motion_module.py new file mode 100644 index 0000000000000000000000000000000000000000..8144738c8d20c8fb9599a5ecc644eb92b6f8cd43 --- /dev/null +++ b/cameractrl/models/motion_module.py @@ -0,0 +1,399 @@ +from dataclasses import dataclass +from typing import Callable, Optional + +import torch +from torch import nn + +from diffusers.utils import BaseOutput +from diffusers.models.attention_processor import Attention +from diffusers.models.attention import FeedForward + +from typing import Dict, Any +from cameractrl.models.attention_processor import PoseAdaptorAttnProcessor + +from einops import rearrange +import math + + +class InflatedGroupNorm(nn.GroupNorm): + def forward(self, x): + # return super().forward(x) + + video_length = x.shape[2] + + x = rearrange(x, "b c f h w -> (b f) c h w") + x = super().forward(x) + x = rearrange(x, "(b f) c h w -> b c f h w", f=video_length) + + return x + +def zero_module(module): + # Zero out the parameters of a module and return it. + for p in module.parameters(): + p.detach().zero_() + return module + + +@dataclass +class TemporalTransformer3DModelOutput(BaseOutput): + sample: torch.FloatTensor + + +def get_motion_module( + in_channels, + motion_module_type: str, + motion_module_kwargs: dict +): + if motion_module_type == "Vanilla": + return VanillaTemporalModule(in_channels=in_channels, **motion_module_kwargs) + else: + raise ValueError + + +class VanillaTemporalModule(nn.Module): + def __init__( + self, + in_channels, + num_attention_heads=8, + num_transformer_block=2, + attention_block_types=("Temporal_Self",), + temporal_position_encoding=True, + temporal_position_encoding_max_len=32, + temporal_attention_dim_div=1, + cross_attention_dim=320, + zero_initialize=True, + encoder_hidden_states_query=(False, False), + attention_activation_scale=1.0, + attention_processor_kwargs: Dict = {}, + causal_temporal_attention=False, + causal_temporal_attention_mask_type="", + rescale_output_factor=1.0 + ): + super().__init__() + + self.temporal_transformer = TemporalTransformer3DModel( + in_channels=in_channels, + num_attention_heads=num_attention_heads, + attention_head_dim=in_channels // num_attention_heads // temporal_attention_dim_div, + num_layers=num_transformer_block, + attention_block_types=attention_block_types, + cross_attention_dim=cross_attention_dim, + temporal_position_encoding=temporal_position_encoding, + temporal_position_encoding_max_len=temporal_position_encoding_max_len, + encoder_hidden_states_query=encoder_hidden_states_query, + attention_activation_scale=attention_activation_scale, + attention_processor_kwargs=attention_processor_kwargs, + causal_temporal_attention=causal_temporal_attention, + causal_temporal_attention_mask_type=causal_temporal_attention_mask_type, + rescale_output_factor=rescale_output_factor + ) + + if zero_initialize: + self.temporal_transformer.proj_out = zero_module(self.temporal_transformer.proj_out) + + def forward(self, hidden_states, temb=None, encoder_hidden_states=None, attention_mask=None, + cross_attention_kwargs: Dict[str, Any] = {}): + hidden_states = self.temporal_transformer(hidden_states, encoder_hidden_states, attention_mask, cross_attention_kwargs=cross_attention_kwargs) + + output = hidden_states + return output + + +class TemporalTransformer3DModel(nn.Module): + def __init__( + self, + in_channels, + num_attention_heads, + attention_head_dim, + num_layers, + attention_block_types=("Temporal_Self", "Temporal_Self",), + dropout=0.0, + norm_num_groups=32, + cross_attention_dim=320, + activation_fn="geglu", + attention_bias=False, + upcast_attention=False, + temporal_position_encoding=False, + temporal_position_encoding_max_len=32, + encoder_hidden_states_query=(False, False), + attention_activation_scale=1.0, + attention_processor_kwargs: Dict = {}, + + causal_temporal_attention=None, + causal_temporal_attention_mask_type="", + rescale_output_factor=1.0 + ): + super().__init__() + assert causal_temporal_attention is not None + self.causal_temporal_attention = causal_temporal_attention + + assert (not causal_temporal_attention) or (causal_temporal_attention_mask_type != "") + self.causal_temporal_attention_mask_type = causal_temporal_attention_mask_type + self.causal_temporal_attention_mask = None + + inner_dim = num_attention_heads * attention_head_dim + + self.norm = InflatedGroupNorm(num_groups=norm_num_groups, num_channels=in_channels, eps=1e-6, affine=True) + self.proj_in = nn.Linear(in_channels, inner_dim) + + self.transformer_blocks = nn.ModuleList( + [ + TemporalTransformerBlock( + dim=inner_dim, + num_attention_heads=num_attention_heads, + attention_head_dim=attention_head_dim, + attention_block_types=attention_block_types, + dropout=dropout, + norm_num_groups=norm_num_groups, + cross_attention_dim=cross_attention_dim, + activation_fn=activation_fn, + attention_bias=attention_bias, + upcast_attention=upcast_attention, + temporal_position_encoding=temporal_position_encoding, + temporal_position_encoding_max_len=temporal_position_encoding_max_len, + encoder_hidden_states_query=encoder_hidden_states_query, + attention_activation_scale=attention_activation_scale, + attention_processor_kwargs=attention_processor_kwargs, + rescale_output_factor=rescale_output_factor, + ) + for d in range(num_layers) + ] + ) + self.proj_out = nn.Linear(inner_dim, in_channels) + + def get_causal_temporal_attention_mask(self, hidden_states): + batch_size, sequence_length, dim = hidden_states.shape + + if self.causal_temporal_attention_mask is None or self.causal_temporal_attention_mask.shape != ( + batch_size, sequence_length, sequence_length): + if self.causal_temporal_attention_mask_type == "causal": + # 1. vanilla causal mask + mask = torch.tril(torch.ones(sequence_length, sequence_length)) + + elif self.causal_temporal_attention_mask_type == "2-seq": + # 2. 2-seq + mask = torch.zeros(sequence_length, sequence_length) + mask[:sequence_length // 2, :sequence_length // 2] = 1 + mask[-sequence_length // 2:, -sequence_length // 2:] = 1 + + elif self.causal_temporal_attention_mask_type == "0-prev": + # attn to the previous frame + indices = torch.arange(sequence_length) + indices_prev = indices - 1 + indices_prev[0] = 0 + mask = torch.zeros(sequence_length, sequence_length) + mask[:, 0] = 1. + mask[indices, indices_prev] = 1. + + elif self.causal_temporal_attention_mask_type == "0": + # only attn to first frame + mask = torch.zeros(sequence_length, sequence_length) + mask[:, 0] = 1 + + elif self.causal_temporal_attention_mask_type == "wo-self": + indices = torch.arange(sequence_length) + mask = torch.ones(sequence_length, sequence_length) + mask[indices, indices] = 0 + + elif self.causal_temporal_attention_mask_type == "circle": + indices = torch.arange(sequence_length) + indices_prev = indices - 1 + indices_prev[0] = 0 + + mask = torch.eye(sequence_length) + mask[indices, indices_prev] = 1 + mask[0, -1] = 1 + + else: + raise ValueError + + # generate attention mask fron binary values + mask = mask.masked_fill(mask == 0, float('-inf')).masked_fill(mask == 1, float(0.0)) + mask = mask.unsqueeze(0) + mask = mask.repeat(batch_size, 1, 1) + + self.causal_temporal_attention_mask = mask.to(hidden_states.device) + + return self.causal_temporal_attention_mask + + def forward(self, hidden_states, encoder_hidden_states=None, attention_mask=None, + cross_attention_kwargs: Dict[str, Any] = {},): + residual = hidden_states + + assert hidden_states.dim() == 5, f"Expected hidden_states to have ndim=5, but got ndim={hidden_states.dim()}." + height, width = hidden_states.shape[-2:] + + hidden_states = self.norm(hidden_states) + hidden_states = rearrange(hidden_states, "b c f h w -> (b h w) f c") + hidden_states = self.proj_in(hidden_states) + + attention_mask = self.get_causal_temporal_attention_mask( + hidden_states) if self.causal_temporal_attention else attention_mask + + # Transformer Blocks + for block in self.transformer_blocks: + hidden_states = block(hidden_states, encoder_hidden_states=encoder_hidden_states, + attention_mask=attention_mask, cross_attention_kwargs=cross_attention_kwargs) + hidden_states = self.proj_out(hidden_states) + + hidden_states = rearrange(hidden_states, "(b h w) f c -> b c f h w", h=height, w=width) + + output = hidden_states + residual + + return output + + +class TemporalTransformerBlock(nn.Module): + def __init__( + self, + dim, + num_attention_heads, + attention_head_dim, + attention_block_types=("Temporal_Self", "Temporal_Self",), + dropout=0.0, + norm_num_groups=32, + cross_attention_dim=768, + activation_fn="geglu", + attention_bias=False, + upcast_attention=False, + temporal_position_encoding=False, + temporal_position_encoding_max_len=32, + encoder_hidden_states_query=(False, False), + attention_activation_scale=1.0, + attention_processor_kwargs: Dict = {}, + rescale_output_factor=1.0 + ): + super().__init__() + + attention_blocks = [] + norms = [] + self.attention_block_types = attention_block_types + + for block_idx, block_name in enumerate(attention_block_types): + attention_blocks.append( + TemporalSelfAttention( + attention_mode=block_name, + cross_attention_dim=cross_attention_dim if block_name in ['Temporal_Cross', 'Temporal_Pose_Adaptor'] else None, + query_dim=dim, + heads=num_attention_heads, + dim_head=attention_head_dim, + dropout=dropout, + bias=attention_bias, + upcast_attention=upcast_attention, + temporal_position_encoding=temporal_position_encoding, + temporal_position_encoding_max_len=temporal_position_encoding_max_len, + rescale_output_factor=rescale_output_factor, + ) + ) + norms.append(nn.LayerNorm(dim)) + + self.attention_blocks = nn.ModuleList(attention_blocks) + self.norms = nn.ModuleList(norms) + + self.ff = FeedForward(dim, dropout=dropout, activation_fn=activation_fn) + self.ff_norm = nn.LayerNorm(dim) + + def forward(self, hidden_states, encoder_hidden_states=None, attention_mask=None, cross_attention_kwargs: Dict[str, Any] = {}): + for attention_block, norm, attention_block_type in zip(self.attention_blocks, self.norms, self.attention_block_types): + norm_hidden_states = norm(hidden_states) + hidden_states = attention_block( + norm_hidden_states, + encoder_hidden_states=norm_hidden_states if attention_block_type == 'Temporal_Self' else encoder_hidden_states, + attention_mask=attention_mask, + **cross_attention_kwargs + ) + hidden_states + + hidden_states = self.ff(self.ff_norm(hidden_states)) + hidden_states + + output = hidden_states + return output + + +class PositionalEncoding(nn.Module): + def __init__( + self, + d_model, + dropout=0., + max_len=32, + ): + super().__init__() + self.dropout = nn.Dropout(p=dropout) + position = torch.arange(max_len).unsqueeze(1) + div_term = torch.exp(torch.arange(0, d_model, 2) * (-math.log(10000.0) / d_model)) + pe = torch.zeros(1, max_len, d_model) + pe[0, :, 0::2] = torch.sin(position * div_term) + pe[0, :, 1::2] = torch.cos(position * div_term) + self.register_buffer('pe', pe) + + def forward(self, x): + x = x + self.pe[:, :x.size(1)] + return self.dropout(x) + + +class TemporalSelfAttention(Attention): + def __init__( + self, + attention_mode=None, + temporal_position_encoding=False, + temporal_position_encoding_max_len=32, + rescale_output_factor=1.0, + *args, **kwargs + ): + super().__init__(*args, **kwargs) + assert attention_mode == "Temporal_Self" + + self.pos_encoder = PositionalEncoding( + kwargs["query_dim"], + max_len=temporal_position_encoding_max_len + ) if temporal_position_encoding else None + self.rescale_output_factor = rescale_output_factor + + def set_use_memory_efficient_attention_xformers( + self, use_memory_efficient_attention_xformers: bool, attention_op: Optional[Callable] = None + ): + # disable motion module efficient xformers to avoid bad results, don't know why + # TODO: fix this bug + pass + + def forward(self, hidden_states, encoder_hidden_states=None, attention_mask=None, **cross_attention_kwargs): + # The `Attention` class can call different attention processors / attention functions + # here we simply pass along all tensors to the selected processor class + # For standard processors that are defined here, `**cross_attention_kwargs` is empty + + # add position encoding + if self.pos_encoder is not None: + hidden_states = self.pos_encoder(hidden_states) + if "pose_feature" in cross_attention_kwargs: + pose_feature = cross_attention_kwargs["pose_feature"] + if pose_feature.ndim == 5: + pose_feature = rearrange(pose_feature, "b c f h w -> (b h w) f c") + else: + assert pose_feature.ndim == 3 + cross_attention_kwargs["pose_feature"] = pose_feature + + if isinstance(self.processor, PoseAdaptorAttnProcessor): + return self.processor( + self, + hidden_states, + cross_attention_kwargs.pop('pose_feature'), + encoder_hidden_states=None, + attention_mask=attention_mask, + **cross_attention_kwargs, + ) + elif hasattr(self.processor, "__call__"): + return self.processor.__call__( + self, + hidden_states, + encoder_hidden_states=None, + attention_mask=attention_mask, + **cross_attention_kwargs, + ) + else: + return self.processor( + self, + hidden_states, + encoder_hidden_states=None, + attention_mask=attention_mask, + **cross_attention_kwargs, + ) + diff --git a/cameractrl/models/pose_adaptor.py b/cameractrl/models/pose_adaptor.py new file mode 100644 index 0000000000000000000000000000000000000000..253c6f3c1ab6f2b1c187d942dcefa087406c8c69 --- /dev/null +++ b/cameractrl/models/pose_adaptor.py @@ -0,0 +1,240 @@ +import math +import torch +import torch.nn as nn +from einops import rearrange +from typing import List, Tuple +from cameractrl.models.motion_module import TemporalTransformerBlock + + +def get_parameter_dtype(parameter: torch.nn.Module): + try: + params = tuple(parameter.parameters()) + if len(params) > 0: + return params[0].dtype + + buffers = tuple(parameter.buffers()) + if len(buffers) > 0: + return buffers[0].dtype + + except StopIteration: + # For torch.nn.DataParallel compatibility in PyTorch 1.5 + + def find_tensor_attributes(module: torch.nn.Module) -> List[Tuple[str, torch.Tensor]]: + tuples = [(k, v) for k, v in module.__dict__.items() if torch.is_tensor(v)] + return tuples + + gen = parameter._named_members(get_members_fn=find_tensor_attributes) + first_tuple = next(gen) + return first_tuple[1].dtype + + +def conv_nd(dims, *args, **kwargs): + """ + Create a 1D, 2D, or 3D convolution module. + """ + if dims == 1: + return nn.Conv1d(*args, **kwargs) + elif dims == 2: + return nn.Conv2d(*args, **kwargs) + elif dims == 3: + return nn.Conv3d(*args, **kwargs) + raise ValueError(f"unsupported dimensions: {dims}") + + +def avg_pool_nd(dims, *args, **kwargs): + """ + Create a 1D, 2D, or 3D average pooling module. + """ + if dims == 1: + return nn.AvgPool1d(*args, **kwargs) + elif dims == 2: + return nn.AvgPool2d(*args, **kwargs) + elif dims == 3: + return nn.AvgPool3d(*args, **kwargs) + raise ValueError(f"unsupported dimensions: {dims}") + + +class PoseAdaptor(nn.Module): + def __init__(self, unet, pose_encoder): + super().__init__() + self.unet = unet + self.pose_encoder = pose_encoder + + def forward(self, noisy_latents, c_noise, encoder_hidden_states, added_time_ids, pose_embedding): + assert pose_embedding.ndim == 5 + pose_embedding_features = self.pose_encoder(pose_embedding) # b c f h w + noise_pred = self.unet(noisy_latents, + c_noise, + encoder_hidden_states, + added_time_ids=added_time_ids, + pose_features=pose_embedding_features).sample + return noise_pred + + +class Downsample(nn.Module): + """ + A downsampling layer with an optional convolution. + :param channels: channels in the inputs and outputs. + :param use_conv: a bool determining if a convolution is applied. + :param dims: determines if the signal is 1D, 2D, or 3D. If 3D, then + downsampling occurs in the inner-two dimensions. + """ + + def __init__(self, channels, use_conv, dims=2, out_channels=None, padding=1): + super().__init__() + self.channels = channels + self.out_channels = out_channels or channels + self.use_conv = use_conv + self.dims = dims + stride = 2 if dims != 3 else (1, 2, 2) + if use_conv: + self.op = conv_nd(dims, self.channels, self.out_channels, 3, stride=stride, padding=padding) + else: + assert self.channels == self.out_channels + self.op = avg_pool_nd(dims, kernel_size=stride, stride=stride) + + def forward(self, x): + assert x.shape[1] == self.channels + return self.op(x) + + +class ResnetBlock(nn.Module): + + def __init__(self, in_c, out_c, down, ksize=3, sk=False, use_conv=True): + super().__init__() + ps = ksize // 2 + if in_c != out_c or sk == False: + self.in_conv = nn.Conv2d(in_c, out_c, ksize, 1, ps) + else: + self.in_conv = None + self.block1 = nn.Conv2d(out_c, out_c, 3, 1, 1) + self.act = nn.ReLU() + self.block2 = nn.Conv2d(out_c, out_c, ksize, 1, ps) + if sk == False: + self.skep = nn.Conv2d(in_c, out_c, ksize, 1, ps) + else: + self.skep = None + + self.down = down + if self.down == True: + self.down_opt = Downsample(in_c, use_conv=use_conv) + + def forward(self, x): + if self.down == True: + x = self.down_opt(x) + if self.in_conv is not None: # edit + x = self.in_conv(x) + + h = self.block1(x) + h = self.act(h) + h = self.block2(h) + if self.skep is not None: + return h + self.skep(x) + else: + return h + x + + +class PositionalEncoding(nn.Module): + def __init__( + self, + d_model, + dropout=0., + max_len=32, + ): + super().__init__() + self.dropout = nn.Dropout(p=dropout) + position = torch.arange(max_len).unsqueeze(1) + div_term = torch.exp(torch.arange(0, d_model, 2) * (-math.log(10000.0) / d_model)) + pe = torch.zeros(1, max_len, d_model) + pe[0, :, 0::2, ...] = torch.sin(position * div_term) + pe[0, :, 1::2, ...] = torch.cos(position * div_term) + pe.unsqueeze_(-1).unsqueeze_(-1) + self.register_buffer('pe', pe) + + def forward(self, x): + x = x + self.pe[:, :x.size(1), ...] + return self.dropout(x) + + +class CameraPoseEncoder(nn.Module): + + def __init__(self, + downscale_factor, + channels=[320, 640, 1280, 1280], + nums_rb=3, + cin=64, + ksize=3, + sk=False, + use_conv=True, + compression_factor=1, + temporal_attention_nhead=8, + attention_block_types=("Temporal_Self", ), + temporal_position_encoding=False, + temporal_position_encoding_max_len=16, + rescale_output_factor=1.0): + super(CameraPoseEncoder, self).__init__() + self.unshuffle = nn.PixelUnshuffle(downscale_factor) + self.channels = channels + self.nums_rb = nums_rb + self.encoder_down_conv_blocks = nn.ModuleList() + self.encoder_down_attention_blocks = nn.ModuleList() + for i in range(len(channels)): + conv_layers = nn.ModuleList() + temporal_attention_layers = nn.ModuleList() + for j in range(nums_rb): + if j == 0 and i != 0: + in_dim = channels[i - 1] + out_dim = int(channels[i] / compression_factor) + conv_layer = ResnetBlock(in_dim, out_dim, down=True, ksize=ksize, sk=sk, use_conv=use_conv) + elif j == 0: + in_dim = channels[0] + out_dim = int(channels[i] / compression_factor) + conv_layer = ResnetBlock(in_dim, out_dim, down=False, ksize=ksize, sk=sk, use_conv=use_conv) + elif j == nums_rb - 1: + in_dim = channels[i] / compression_factor + out_dim = channels[i] + conv_layer = ResnetBlock(in_dim, out_dim, down=False, ksize=ksize, sk=sk, use_conv=use_conv) + else: + in_dim = int(channels[i] / compression_factor) + out_dim = int(channels[i] / compression_factor) + conv_layer = ResnetBlock(in_dim, out_dim, down=False, ksize=ksize, sk=sk, use_conv=use_conv) + temporal_attention_layer = TemporalTransformerBlock(dim=out_dim, + num_attention_heads=temporal_attention_nhead, + attention_head_dim=int(out_dim / temporal_attention_nhead), + attention_block_types=attention_block_types, + dropout=0.0, + cross_attention_dim=None, + temporal_position_encoding=temporal_position_encoding, + temporal_position_encoding_max_len=temporal_position_encoding_max_len, + rescale_output_factor=rescale_output_factor) + conv_layers.append(conv_layer) + temporal_attention_layers.append(temporal_attention_layer) + self.encoder_down_conv_blocks.append(conv_layers) + self.encoder_down_attention_blocks.append(temporal_attention_layers) + + self.encoder_conv_in = nn.Conv2d(cin, channels[0], 3, 1, 1) + + @property + def dtype(self) -> torch.dtype: + """ + `torch.dtype`: The dtype of the module (assuming that all the module parameters have the same dtype). + """ + return get_parameter_dtype(self) + + def forward(self, x): + # unshuffle + bs = x.shape[0] + x = rearrange(x, "b f c h w -> (b f) c h w") + x = self.unshuffle(x) + # extract features + features = [] + x = self.encoder_conv_in(x) + for res_block, attention_block in zip(self.encoder_down_conv_blocks, self.encoder_down_attention_blocks): + for res_layer, attention_layer in zip(res_block, attention_block): + x = res_layer(x) + h, w = x.shape[-2:] + x = rearrange(x, '(b f) c h w -> (b h w) f c', b=bs) + x = attention_layer(x) + x = rearrange(x, '(b h w) f c -> (b f) c h w', h=h, w=w) + features.append(rearrange(x, '(b f) c h w -> b c f h w', b=bs)) + return features diff --git a/cameractrl/models/transformer_temporal.py b/cameractrl/models/transformer_temporal.py new file mode 100644 index 0000000000000000000000000000000000000000..1765f98caee2600c01a2f20d2d8433e32fe40271 --- /dev/null +++ b/cameractrl/models/transformer_temporal.py @@ -0,0 +1,191 @@ +import torch +import torch.nn as nn + +from typing import Optional +from diffusers.models.transformer_temporal import TransformerTemporalModelOutput +from diffusers.models.attention import BasicTransformerBlock +from diffusers.models.embeddings import TimestepEmbedding, Timesteps +from diffusers.models.resnet import AlphaBlender +from cameractrl.models.attention import TemporalPoseCondTransformerBlock + + +class TransformerSpatioTemporalModelPoseCond(nn.Module): + """ + A Transformer model for video-like data. + + Parameters: + num_attention_heads (`int`, *optional*, defaults to 16): The number of heads to use for multi-head attention. + attention_head_dim (`int`, *optional*, defaults to 88): The number of channels in each head. + in_channels (`int`, *optional*): + The number of channels in the input and output (specify if the input is **continuous**). + out_channels (`int`, *optional*): + The number of channels in the output (specify if the input is **continuous**). + num_layers (`int`, *optional*, defaults to 1): The number of layers of Transformer blocks to use. + cross_attention_dim (`int`, *optional*): The number of `encoder_hidden_states` dimensions to use. + """ + + def __init__( + self, + num_attention_heads: int = 16, + attention_head_dim: int = 88, + in_channels: int = 320, + out_channels: Optional[int] = None, + num_layers: int = 1, + cross_attention_dim: Optional[int] = None, + ): + super().__init__() + self.num_attention_heads = num_attention_heads + self.attention_head_dim = attention_head_dim + + inner_dim = num_attention_heads * attention_head_dim + self.inner_dim = inner_dim + + # 2. Define input layers + self.in_channels = in_channels + self.norm = torch.nn.GroupNorm(num_groups=32, num_channels=in_channels, eps=1e-6) + self.proj_in = nn.Linear(in_channels, inner_dim) + + # 3. Define transformers blocks + self.transformer_blocks = nn.ModuleList( + [ + BasicTransformerBlock( + inner_dim, + num_attention_heads, + attention_head_dim, + cross_attention_dim=cross_attention_dim, + ) + for d in range(num_layers) + ] + ) + + time_mix_inner_dim = inner_dim + self.temporal_transformer_blocks = nn.ModuleList( + [ + TemporalPoseCondTransformerBlock( + inner_dim, + time_mix_inner_dim, + num_attention_heads, + attention_head_dim, + cross_attention_dim=cross_attention_dim, + ) + for _ in range(num_layers) + ] + ) + + time_embed_dim = in_channels * 4 + self.time_pos_embed = TimestepEmbedding(in_channels, time_embed_dim, out_dim=in_channels) + self.time_proj = Timesteps(in_channels, True, 0) + self.time_mixer = AlphaBlender(alpha=0.5, merge_strategy="learned_with_images") + + # 4. Define output layers + self.out_channels = in_channels if out_channels is None else out_channels + # TODO: should use out_channels for continuous projections + self.proj_out = nn.Linear(inner_dim, in_channels) + + self.gradient_checkpointing = False + + def forward( + self, + hidden_states: torch.Tensor, # [bs * frame, c, h, w] + encoder_hidden_states: Optional[torch.Tensor] = None, # [bs * frame, 1, c] + image_only_indicator: Optional[torch.Tensor] = None, # [bs, frame] + pose_feature: Optional[torch.Tensor] = None, # [bs, c, frame, h, w] + return_dict: bool = True, + ): + """ + Args: + hidden_states (`torch.FloatTensor` of shape `(batch size, channel, height, width)`): + Input hidden_states. + num_frames (`int`): + The number of frames to be processed per batch. This is used to reshape the hidden states. + encoder_hidden_states ( `torch.LongTensor` of shape `(batch size, encoder_hidden_states dim)`, *optional*): + Conditional embeddings for cross attention layer. If not given, cross-attention defaults to + self-attention. + image_only_indicator (`torch.LongTensor` of shape `(batch size, num_frames)`, *optional*): + A tensor indicating whether the input contains only images. 1 indicates that the input contains only + images, 0 indicates that the input contains video frames. + return_dict (`bool`, *optional*, defaults to `True`): + Whether or not to return a [`~models.transformer_temporal.TransformerTemporalModelOutput`] instead of a + plain tuple. + + Returns: + [`~models.transformer_temporal.TransformerTemporalModelOutput`] or `tuple`: + If `return_dict` is True, an [`~models.transformer_temporal.TransformerTemporalModelOutput`] is + returned, otherwise a `tuple` where the first element is the sample tensor. + """ + # 1. Input + batch_frames, _, height, width = hidden_states.shape + num_frames = image_only_indicator.shape[-1] + batch_size = batch_frames // num_frames + + time_context = encoder_hidden_states # [bs * frame, 1, c] + time_context_first_timestep = time_context[None, :].reshape( + batch_size, num_frames, -1, time_context.shape[-1] + )[:, 0] # [bs, frame, c] + time_context = time_context_first_timestep[:, None].broadcast_to( + batch_size, height * width, time_context.shape[-2], time_context.shape[-1] + ) # [bs, h*w, 1, c] + time_context = time_context.reshape(batch_size * height * width, -1, time_context.shape[-1]) # [bs * h * w, 1, c] + + residual = hidden_states + + hidden_states = self.norm(hidden_states) # [bs * frame, c, h, w] + inner_dim = hidden_states.shape[1] + hidden_states = hidden_states.permute(0, 2, 3, 1).reshape(batch_frames, height * width, inner_dim) # [bs * frame, h * w, c] + hidden_states = self.proj_in(hidden_states) # [bs * frame, h * w, c] + + num_frames_emb = torch.arange(num_frames, device=hidden_states.device) + num_frames_emb = num_frames_emb.repeat(batch_size, 1) # [bs, frame] + num_frames_emb = num_frames_emb.reshape(-1) # [bs * frame] + t_emb = self.time_proj(num_frames_emb) # [bs * frame, c] + + # `Timesteps` does not contain any weights and will always return f32 tensors + # but time_embedding might actually be running in fp16. so we need to cast here. + # there might be better ways to encapsulate this. + t_emb = t_emb.to(dtype=hidden_states.dtype) + + emb = self.time_pos_embed(t_emb) + emb = emb[:, None, :] # [bs * frame, 1, c] + + # 2. Blocks + for block, temporal_block in zip(self.transformer_blocks, self.temporal_transformer_blocks): + if self.training and self.gradient_checkpointing: + hidden_states = torch.utils.checkpoint.checkpoint( + block, + hidden_states, + None, + encoder_hidden_states, + None, + use_reentrant=False, + ) + else: + hidden_states = block( + hidden_states, # [bs * frame, h * w, c] + encoder_hidden_states=encoder_hidden_states, # [bs * frame, 1, c] + ) # [bs * frame, h * w, c] + + hidden_states_mix = hidden_states + hidden_states_mix = hidden_states_mix + emb + + hidden_states_mix = temporal_block( + hidden_states_mix, # [bs * frame, h * w, c] + num_frames=num_frames, + encoder_hidden_states=time_context, # [bs * h * w, 1, c] + pose_feature=pose_feature + ) + hidden_states = self.time_mixer( + x_spatial=hidden_states, + x_temporal=hidden_states_mix, + image_only_indicator=image_only_indicator, + ) + + # 3. Output + hidden_states = self.proj_out(hidden_states) + hidden_states = hidden_states.reshape(batch_frames, height, width, inner_dim).permute(0, 3, 1, 2).contiguous() + + output = hidden_states + residual + + if not return_dict: + return (output,) + + return TransformerTemporalModelOutput(sample=output) diff --git a/cameractrl/models/unet.py b/cameractrl/models/unet.py new file mode 100644 index 0000000000000000000000000000000000000000..e8f370d66e580dd9094912c3d610578518ddf2ee --- /dev/null +++ b/cameractrl/models/unet.py @@ -0,0 +1,588 @@ +# Adapted from https://github.com/huggingface/diffusers/blob/main/src/diffusers/models/unet_2d_condition.py +import torch +import torch.nn as nn +import torch.nn.functional as F +import torch.utils.checkpoint + +from typing import List, Optional, Tuple, Union, Dict + +from diffusers.configuration_utils import ConfigMixin, register_to_config +from diffusers.models.attention_processor import AttentionProcessor, AttnProcessor, CROSS_ATTENTION_PROCESSORS +from diffusers.models.modeling_utils import ModelMixin +from diffusers.models.embeddings import TimestepEmbedding, Timesteps +from diffusers.loaders import UNet2DConditionLoadersMixin +from diffusers.models.unet_spatio_temporal_condition import UNetSpatioTemporalConditionOutput + +from cameractrl.models.unet_3d_blocks import ( + get_down_block, + get_up_block, + UNetMidBlockSpatioTemporalPoseCond +) +from cameractrl.models.attention_processor import XFormersAttnProcessor as CustomizedXFormerAttnProcessor +from cameractrl.models.attention_processor import PoseAdaptorXFormersAttnProcessor + +# if hasattr(F, "scaled_dot_product_attention"): +# from cameractrl.models.attention_processor import PoseAdaptorAttnProcessor2_0 as PoseAdaptorAttnProcessor +# from cameractrl.models.attention_processor import AttnProcessor2_0 as CustomizedAttnProcessor +# else: +from cameractrl.models.attention_processor import PoseAdaptorAttnProcessor +from cameractrl.models.attention_processor import AttnProcessor as CustomizedAttnProcessor + +class UNetSpatioTemporalConditionModelPoseCond(ModelMixin, ConfigMixin, UNet2DConditionLoadersMixin): + r""" + A conditional Spatio-Temporal UNet model that takes a noisy video frames, conditional state, and a timestep and returns a sample + shaped output. + + This model inherits from [`ModelMixin`]. Check the superclass documentation for it's generic methods implemented + for all models (such as downloading or saving). + + Parameters: + sample_size (`int` or `Tuple[int, int]`, *optional*, defaults to `None`): + Height and width of input/output sample. + in_channels (`int`, *optional*, defaults to 8): Number of channels in the input sample. + out_channels (`int`, *optional*, defaults to 4): Number of channels in the output. + down_block_types (`Tuple[str]`, *optional*, defaults to `("CrossAttnDownBlockSpatioTemporal", "CrossAttnDownBlockSpatioTemporal", "CrossAttnDownBlockSpatioTemporal", "DownBlockSpatioTemporal")`): + The tuple of downsample blocks to use. + up_block_types (`Tuple[str]`, *optional*, defaults to `("UpBlockSpatioTemporal", "CrossAttnUpBlockSpatioTemporal", "CrossAttnUpBlockSpatioTemporal", "CrossAttnUpBlockSpatioTemporal")`): + The tuple of upsample blocks to use. + block_out_channels (`Tuple[int]`, *optional*, defaults to `(320, 640, 1280, 1280)`): + The tuple of output channels for each block. + addition_time_embed_dim: (`int`, defaults to 256): + Dimension to to encode the additional time ids. + projection_class_embeddings_input_dim (`int`, defaults to 768): + The dimension of the projection of encoded `added_time_ids`. + layers_per_block (`int`, *optional*, defaults to 2): The number of layers per block. + cross_attention_dim (`int` or `Tuple[int]`, *optional*, defaults to 1280): + The dimension of the cross attention features. + transformer_layers_per_block (`int`, `Tuple[int]`, or `Tuple[Tuple]` , *optional*, defaults to 1): + The number of transformer blocks of type [`~models.attention.BasicTransformerBlock`]. Only relevant for + [`~models.unet_3d_blocks.CrossAttnDownBlockSpatioTemporal`], [`~models.unet_3d_blocks.CrossAttnUpBlockSpatioTemporal`], + [`~models.unet_3d_blocks.UNetMidBlockSpatioTemporal`]. + num_attention_heads (`int`, `Tuple[int]`, defaults to `(5, 10, 10, 20)`): + The number of attention heads. + dropout (`float`, *optional*, defaults to 0.0): The dropout probability to use. + """ + + _supports_gradient_checkpointing = True + + @register_to_config + def __init__( + self, + sample_size: Optional[int] = None, + in_channels: int = 8, + out_channels: int = 4, + down_block_types: Tuple[str] = ( + "CrossAttnDownBlockSpatioTemporalPoseCond", + "CrossAttnDownBlockSpatioTemporalPoseCond", + "CrossAttnDownBlockSpatioTemporalPoseCond", + "DownBlockSpatioTemporal", + ), + up_block_types: Tuple[str] = ( + "UpBlockSpatioTemporal", + "CrossAttnUpBlockSpatioTemporalPoseCond", + "CrossAttnUpBlockSpatioTemporalPoseCond", + "CrossAttnUpBlockSpatioTemporalPoseCond", + ), + block_out_channels: Tuple[int] = (320, 640, 1280, 1280), + addition_time_embed_dim: int = 256, + projection_class_embeddings_input_dim: int = 768, + layers_per_block: Union[int, Tuple[int]] = 2, + cross_attention_dim: Union[int, Tuple[int]] = 1024, + transformer_layers_per_block: Union[int, Tuple[int], Tuple[Tuple]] = 1, + num_attention_heads: Union[int, Tuple[int]] = (5, 10, 10, 20), + num_frames: int = 25, + ): + super().__init__() + + self.sample_size = sample_size + + # Check inputs + if len(down_block_types) != len(up_block_types): + raise ValueError( + f"Must provide the same number of `down_block_types` as `up_block_types`. `down_block_types`: {down_block_types}. `up_block_types`: {up_block_types}." + ) + + if len(block_out_channels) != len(down_block_types): + raise ValueError( + f"Must provide the same number of `block_out_channels` as `down_block_types`. `block_out_channels`: {block_out_channels}. `down_block_types`: {down_block_types}." + ) + + if not isinstance(num_attention_heads, int) and len(num_attention_heads) != len(down_block_types): + raise ValueError( + f"Must provide the same number of `num_attention_heads` as `down_block_types`. `num_attention_heads`: {num_attention_heads}. `down_block_types`: {down_block_types}." + ) + + if isinstance(cross_attention_dim, list) and len(cross_attention_dim) != len(down_block_types): + raise ValueError( + f"Must provide the same number of `cross_attention_dim` as `down_block_types`. `cross_attention_dim`: {cross_attention_dim}. `down_block_types`: {down_block_types}." + ) + + if not isinstance(layers_per_block, int) and len(layers_per_block) != len(down_block_types): + raise ValueError( + f"Must provide the same number of `layers_per_block` as `down_block_types`. `layers_per_block`: {layers_per_block}. `down_block_types`: {down_block_types}." + ) + + # input + self.conv_in = nn.Conv2d( + in_channels, + block_out_channels[0], + kernel_size=3, + padding=1, + ) + + # time + time_embed_dim = block_out_channels[0] * 4 + + self.time_proj = Timesteps(block_out_channels[0], True, downscale_freq_shift=0) + timestep_input_dim = block_out_channels[0] + + self.time_embedding = TimestepEmbedding(timestep_input_dim, time_embed_dim) + + self.add_time_proj = Timesteps(addition_time_embed_dim, True, downscale_freq_shift=0) + self.add_embedding = TimestepEmbedding(projection_class_embeddings_input_dim, time_embed_dim) + + self.down_blocks = nn.ModuleList([]) + self.up_blocks = nn.ModuleList([]) + + if isinstance(num_attention_heads, int): + num_attention_heads = (num_attention_heads,) * len(down_block_types) + + if isinstance(cross_attention_dim, int): + cross_attention_dim = (cross_attention_dim,) * len(down_block_types) + + if isinstance(layers_per_block, int): + layers_per_block = [layers_per_block] * len(down_block_types) + + if isinstance(transformer_layers_per_block, int): + transformer_layers_per_block = [transformer_layers_per_block] * len(down_block_types) + + blocks_time_embed_dim = time_embed_dim + + # down + output_channel = block_out_channels[0] + for i, down_block_type in enumerate(down_block_types): + input_channel = output_channel + output_channel = block_out_channels[i] + is_final_block = i == len(block_out_channels) - 1 + + down_block = get_down_block( + down_block_type, + num_layers=layers_per_block[i], + transformer_layers_per_block=transformer_layers_per_block[i], + in_channels=input_channel, + out_channels=output_channel, + temb_channels=blocks_time_embed_dim, + add_downsample=not is_final_block, + resnet_eps=1e-5, + cross_attention_dim=cross_attention_dim[i], + num_attention_heads=num_attention_heads[i], + resnet_act_fn="silu", + ) + self.down_blocks.append(down_block) + + # mid + self.mid_block = UNetMidBlockSpatioTemporalPoseCond( + block_out_channels[-1], + temb_channels=blocks_time_embed_dim, + transformer_layers_per_block=transformer_layers_per_block[-1], + cross_attention_dim=cross_attention_dim[-1], + num_attention_heads=num_attention_heads[-1], + ) + + # count how many layers upsample the images + self.num_upsamplers = 0 + + # up + reversed_block_out_channels = list(reversed(block_out_channels)) + reversed_num_attention_heads = list(reversed(num_attention_heads)) + reversed_layers_per_block = list(reversed(layers_per_block)) + reversed_cross_attention_dim = list(reversed(cross_attention_dim)) + reversed_transformer_layers_per_block = list(reversed(transformer_layers_per_block)) + + output_channel = reversed_block_out_channels[0] + for i, up_block_type in enumerate(up_block_types): + is_final_block = i == len(block_out_channels) - 1 + + prev_output_channel = output_channel + output_channel = reversed_block_out_channels[i] + input_channel = reversed_block_out_channels[min(i + 1, len(block_out_channels) - 1)] + + # add upsample block for all BUT final layer + if not is_final_block: + add_upsample = True + self.num_upsamplers += 1 + else: + add_upsample = False + + up_block = get_up_block( + up_block_type, + num_layers=reversed_layers_per_block[i] + 1, + transformer_layers_per_block=reversed_transformer_layers_per_block[i], + in_channels=input_channel, + out_channels=output_channel, + prev_output_channel=prev_output_channel, + temb_channels=blocks_time_embed_dim, + add_upsample=add_upsample, + resnet_eps=1e-5, + resolution_idx=i, + cross_attention_dim=reversed_cross_attention_dim[i], + num_attention_heads=reversed_num_attention_heads[i], + resnet_act_fn="silu", + ) + self.up_blocks.append(up_block) + prev_output_channel = output_channel + + # out + self.conv_norm_out = nn.GroupNorm(num_channels=block_out_channels[0], num_groups=32, eps=1e-5) + self.conv_act = nn.SiLU() + + self.conv_out = nn.Conv2d( + block_out_channels[0], + out_channels, + kernel_size=3, + padding=1, + ) + + @property + def attn_processors(self) -> Dict[str, AttentionProcessor]: + r""" + Returns: + `dict` of attention processors: A dictionary containing all attention processors used in the model with + indexed by its weight name. + """ + # set recursively + processors = {} + + def fn_recursive_add_processors( + name: str, + module: torch.nn.Module, + processors: Dict[str, AttentionProcessor], + ): + if hasattr(module, "get_processor"): + processors[f"{name}.processor"] = module.get_processor(return_deprecated_lora=True) + + for sub_name, child in module.named_children(): + fn_recursive_add_processors(f"{name}.{sub_name}", child, processors) + + return processors + + for name, module in self.named_children(): + fn_recursive_add_processors(name, module, processors) + + return processors + + def set_attn_processor(self, processor: Union[AttentionProcessor, Dict[str, AttentionProcessor]]): + r""" + Sets the attention processor to use to compute attention. + + Parameters: + processor (`dict` of `AttentionProcessor` or only `AttentionProcessor`): + The instantiated processor class or a dictionary of processor classes that will be set as the processor + for **all** `Attention` layers. + + If `processor` is a dict, the key needs to define the path to the corresponding cross attention + processor. This is strongly recommended when setting trainable attention processors. + + """ + count = len(self.attn_processors.keys()) + + if isinstance(processor, dict) and len(processor) != count: + raise ValueError( + f"A dict of processors was passed, but the number of processors {len(processor)} does not match the" + f" number of attention layers: {count}. Please make sure to pass {count} processor classes." + ) + + def fn_recursive_attn_processor(name: str, module: torch.nn.Module, processor): + if hasattr(module, "set_processor"): + if not isinstance(processor, dict): + module.set_processor(processor) + else: + module.set_processor(processor.pop(f"{name}.processor")) + + for sub_name, child in module.named_children(): + fn_recursive_attn_processor(f"{name}.{sub_name}", child, processor) + + for name, module in self.named_children(): + fn_recursive_attn_processor(name, module, processor) + + def set_default_attn_processor(self): + """ + Disables custom attention processors and sets the default attention implementation. + """ + if all(proc.__class__ in CROSS_ATTENTION_PROCESSORS for proc in self.attn_processors.values()): + processor = AttnProcessor() + else: + raise ValueError( + f"Cannot call `set_default_attn_processor` when attention processors are of type {next(iter(self.attn_processors.values()))}" + ) + + self.set_attn_processor(processor) + + def _set_gradient_checkpointing(self, module, value=False): + if hasattr(module, "gradient_checkpointing"): + module.gradient_checkpointing = value + + # Copied from diffusers.models.unet_3d_condition.UNet3DConditionModel.enable_forward_chunking + def enable_forward_chunking(self, chunk_size: Optional[int] = None, dim: int = 0) -> None: + """ + Sets the attention processor to use [feed forward + chunking](https://huggingface.co/blog/reformer#2-chunked-feed-forward-layers). + + Parameters: + chunk_size (`int`, *optional*): + The chunk size of the feed-forward layers. If not specified, will run feed-forward layer individually + over each tensor of dim=`dim`. + dim (`int`, *optional*, defaults to `0`): + The dimension over which the feed-forward computation should be chunked. Choose between dim=0 (batch) + or dim=1 (sequence length). + """ + if dim not in [0, 1]: + raise ValueError(f"Make sure to set `dim` to either 0 or 1, not {dim}") + + # By default chunk size is 1 + chunk_size = chunk_size or 1 + + def fn_recursive_feed_forward(module: torch.nn.Module, chunk_size: int, dim: int): + if hasattr(module, "set_chunk_feed_forward"): + module.set_chunk_feed_forward(chunk_size=chunk_size, dim=dim) + + for child in module.children(): + fn_recursive_feed_forward(child, chunk_size, dim) + + for module in self.children(): + fn_recursive_feed_forward(module, chunk_size, dim) + + def set_pose_cond_attn_processor(self, + add_spatial=False, + add_temporal=False, + enable_xformers=False, + attn_processor_name='attn1', + pose_feature_dimensions=[320, 640, 1280, 1280], + **attention_processor_kwargs): + all_attn_processors = {} + set_processor_names = attn_processor_name.split(',') + if add_spatial: + for processor_key in self.attn_processors.keys(): + if 'temporal' in processor_key: + continue + processor_name = processor_key.split('.')[-2] + cross_attention_dim = None if processor_name == 'attn1' else self.config.cross_attention_dim + if processor_key.startswith("mid_block"): + hidden_size = self.config.block_out_channels[-1] + block_id = -1 + add_pose_adaptor = processor_name in set_processor_names + pose_feature_dim = pose_feature_dimensions[block_id] if add_pose_adaptor else None + elif processor_key.startswith("up_blocks"): + block_id = int(processor_key[len("up_blocks.")]) + hidden_size = list(reversed(self.config.block_out_channels))[block_id] + add_pose_adaptor = processor_name in set_processor_names + pose_feature_dim = list(reversed(pose_feature_dimensions))[block_id] if add_pose_adaptor else None + else: + block_id = int(processor_key[len("down_blocks.")]) + hidden_size = self.config.block_out_channels[block_id] + add_pose_adaptor = processor_name in set_processor_names + pose_feature_dim = pose_feature_dimensions[block_id] if add_pose_adaptor else None + if add_pose_adaptor and enable_xformers: + all_attn_processors[processor_key] = PoseAdaptorXFormersAttnProcessor(hidden_size=hidden_size, + pose_feature_dim=pose_feature_dim, + cross_attention_dim=cross_attention_dim, + **attention_processor_kwargs) + elif add_pose_adaptor: + all_attn_processors[processor_key] = PoseAdaptorAttnProcessor(hidden_size=hidden_size, + pose_feature_dim=pose_feature_dim, + cross_attention_dim=cross_attention_dim, + **attention_processor_kwargs) + elif enable_xformers: + all_attn_processors[processor_key] = CustomizedXFormerAttnProcessor() + else: + all_attn_processors[processor_key] = CustomizedAttnProcessor() + else: + for processor_key in self.attn_processors.keys(): + if 'temporal' not in processor_key and enable_xformers: + all_attn_processors[processor_key] = CustomizedXFormerAttnProcessor() + elif 'temporal' not in processor_key: + all_attn_processors[processor_key] = CustomizedAttnProcessor() + + if add_temporal: + for processor_key in self.attn_processors.keys(): + if 'temporal' not in processor_key: + continue + processor_name = processor_key.split('.')[-2] + cross_attention_dim = None if processor_name == 'attn1' else self.config.cross_attention_dim + if processor_key.startswith("mid_block"): + hidden_size = self.config.block_out_channels[-1] + block_id = -1 + add_pose_adaptor = processor_name in set_processor_names + pose_feature_dim = pose_feature_dimensions[block_id] if add_pose_adaptor else None + elif processor_key.startswith("up_blocks"): + block_id = int(processor_key[len("up_blocks.")]) + hidden_size = list(reversed(self.config.block_out_channels))[block_id] + add_pose_adaptor = (processor_name in set_processor_names) + pose_feature_dim = list(reversed(pose_feature_dimensions))[block_id] if add_pose_adaptor else None + else: + block_id = int(processor_key[len("down_blocks.")]) + hidden_size = self.config.block_out_channels[block_id] + add_pose_adaptor = processor_name in set_processor_names + pose_feature_dim = pose_feature_dimensions[block_id] if add_pose_adaptor else None + if add_pose_adaptor and enable_xformers: + all_attn_processors[processor_key] = PoseAdaptorAttnProcessor(hidden_size=hidden_size, + pose_feature_dim=pose_feature_dim, + cross_attention_dim=cross_attention_dim, + **attention_processor_kwargs) + elif add_pose_adaptor: + all_attn_processors[processor_key] = PoseAdaptorAttnProcessor(hidden_size=hidden_size, + pose_feature_dim=pose_feature_dim, + cross_attention_dim=cross_attention_dim, + **attention_processor_kwargs) + elif enable_xformers: + all_attn_processors[processor_key] = CustomizedXFormerAttnProcessor() + else: + all_attn_processors[processor_key] = CustomizedAttnProcessor() + else: + for processor_key in self.attn_processors.keys(): + if 'temporal' in processor_key and enable_xformers: + all_attn_processors[processor_key] = CustomizedXFormerAttnProcessor() + elif 'temporal' in processor_key: + all_attn_processors[processor_key] = CustomizedAttnProcessor() + + self.set_attn_processor(all_attn_processors) + + def forward( + self, + sample: torch.FloatTensor, + timestep: Union[torch.Tensor, float, int], + encoder_hidden_states: torch.Tensor, + added_time_ids: torch.Tensor, + pose_features: List[torch.Tensor] = None, + return_dict: bool = True, + **kwargs, + ) -> Union[UNetSpatioTemporalConditionOutput, Tuple]: + r""" + The [`UNetSpatioTemporalConditionModel`] forward method. + + Args: + sample (`torch.FloatTensor`): + The noisy input tensor with the following shape `(batch, num_frames, channel, height, width)`. + timestep (`torch.FloatTensor` or `float` or `int`): The number of timesteps to denoise an input. + encoder_hidden_states (`torch.FloatTensor`): + The encoder hidden states with shape `(batch, sequence_length, cross_attention_dim)`. + added_time_ids: (`torch.FloatTensor`): + The additional time ids with shape `(batch, num_additional_ids)`. These are encoded with sinusoidal + embeddings and added to the time embeddings. + return_dict (`bool`, *optional*, defaults to `True`): + Whether or not to return a [`~models.unet_slatio_temporal.UNetSpatioTemporalConditionOutput`] instead of a plain + tuple. + Returns: + [`~models.unet_slatio_temporal.UNetSpatioTemporalConditionOutput`] or `tuple`: + If `return_dict` is True, an [`~models.unet_slatio_temporal.UNetSpatioTemporalConditionOutput`] is returned, otherwise + a `tuple` is returned where the first element is the sample tensor. + """ + # 1. time + timesteps = timestep + if not torch.is_tensor(timesteps): + # TODO: this requires sync between CPU and GPU. So try to pass timesteps as tensors if you can + # This would be a good case for the `match` statement (Python 3.10+) + is_mps = sample.device.type == "mps" + if isinstance(timestep, float): + dtype = torch.float32 if is_mps else torch.float64 + else: + dtype = torch.int32 if is_mps else torch.int64 + timesteps = torch.tensor([timesteps], dtype=dtype, device=sample.device) + elif len(timesteps.shape) == 0: + timesteps = timesteps[None].to(sample.device) + + # broadcast to batch dimension in a way that's compatible with ONNX/Core ML + batch_size, num_frames = sample.shape[:2] + timesteps = timesteps.expand(batch_size) + + t_emb = self.time_proj(timesteps) + + # `Timesteps` does not contain any weights and will always return f32 tensors + # but time_embedding might actually be running in fp16. so we need to cast here. + # there might be better ways to encapsulate this. + t_emb = t_emb.to(dtype=sample.dtype) + + emb = self.time_embedding(t_emb) + + time_embeds = self.add_time_proj(added_time_ids.flatten()) + time_embeds = time_embeds.reshape((batch_size, -1)) + time_embeds = time_embeds.to(emb.dtype) + aug_emb = self.add_embedding(time_embeds) + emb = emb + aug_emb + + # Flatten the batch and frames dimensions + # sample: [batch, frames, channels, height, width] -> [batch * frames, channels, height, width] + sample = sample.flatten(0, 1) + # Repeat the embeddings num_video_frames times + # emb: [batch, channels] -> [batch * frames, channels] + emb = emb.repeat_interleave(num_frames, dim=0) + # encoder_hidden_states: [batch, 1, channels] -> [batch * frames, 1, channels] + encoder_hidden_states = encoder_hidden_states.repeat_interleave(num_frames, dim=0) + + # 2. pre-process + sample = self.conv_in(sample) + + image_only_indicator = torch.zeros(batch_size, num_frames, dtype=sample.dtype, device=sample.device) + + down_block_res_samples = (sample,) + for block_idx, downsample_block in enumerate(self.down_blocks): + if hasattr(downsample_block, "has_cross_attention") and downsample_block.has_cross_attention: + sample, res_samples = downsample_block( + hidden_states=sample, + temb=emb, + encoder_hidden_states=encoder_hidden_states, + image_only_indicator=image_only_indicator, + pose_feature=pose_features[block_idx] + ) + else: + sample, res_samples = downsample_block( + hidden_states=sample, + temb=emb, + image_only_indicator=image_only_indicator, + ) + + down_block_res_samples += res_samples + + # 4. mid + sample = self.mid_block( + hidden_states=sample, + temb=emb, + encoder_hidden_states=encoder_hidden_states, + image_only_indicator=image_only_indicator, + pose_feature=pose_features[-1] + ) + + # 5. up + for block_idx, upsample_block in enumerate(self.up_blocks): + res_samples = down_block_res_samples[-len(upsample_block.resnets) :] + down_block_res_samples = down_block_res_samples[: -len(upsample_block.resnets)] + + if hasattr(upsample_block, "has_cross_attention") and upsample_block.has_cross_attention: + sample = upsample_block( + hidden_states=sample, + temb=emb, + res_hidden_states_tuple=res_samples, + encoder_hidden_states=encoder_hidden_states, + image_only_indicator=image_only_indicator, + pose_feature=pose_features[-(block_idx + 1)] + ) + else: + sample = upsample_block( + hidden_states=sample, + temb=emb, + res_hidden_states_tuple=res_samples, + image_only_indicator=image_only_indicator, + ) + + # 6. post-process + sample = self.conv_norm_out(sample) + sample = self.conv_act(sample) + sample = self.conv_out(sample) + + # 7. Reshape back to original shape + sample = sample.reshape(batch_size, num_frames, *sample.shape[1:]) + + if not return_dict: + return (sample,) + + return UNetSpatioTemporalConditionOutput(sample=sample) diff --git a/cameractrl/models/unet_3d_blocks.py b/cameractrl/models/unet_3d_blocks.py new file mode 100644 index 0000000000000000000000000000000000000000..a77adbc5ab5ee980755c953d86cce4edfd07b4b8 --- /dev/null +++ b/cameractrl/models/unet_3d_blocks.py @@ -0,0 +1,461 @@ +import torch +import torch.nn as nn +from typing import Union, Tuple, Optional, Dict, Any +from diffusers.utils import is_torch_version +from diffusers.models.resnet import ( + Downsample2D, + SpatioTemporalResBlock, + Upsample2D +) +from diffusers.models.unet_3d_blocks import ( + DownBlockSpatioTemporal, + UpBlockSpatioTemporal, +) + +from cameractrl.models.transformer_temporal import TransformerSpatioTemporalModelPoseCond + + +def get_down_block( + down_block_type: str, + num_layers: int, + in_channels: int, + out_channels: int, + temb_channels: int, + add_downsample: bool, + num_attention_heads: int, + cross_attention_dim: Optional[int] = None, + transformer_layers_per_block: int = 1, + **kwargs, +) -> Union[ + "DownBlockSpatioTemporal", + "CrossAttnDownBlockSpatioTemporalPoseCond", +]: + if down_block_type == "DownBlockSpatioTemporal": + # added for SDV + return DownBlockSpatioTemporal( + num_layers=num_layers, + in_channels=in_channels, + out_channels=out_channels, + temb_channels=temb_channels, + add_downsample=add_downsample, + ) + elif down_block_type == "CrossAttnDownBlockSpatioTemporalPoseCond": + # added for SDV + if cross_attention_dim is None: + raise ValueError("cross_attention_dim must be specified for CrossAttnDownBlockSpatioTemporal") + return CrossAttnDownBlockSpatioTemporalPoseCond( + in_channels=in_channels, + out_channels=out_channels, + temb_channels=temb_channels, + num_layers=num_layers, + transformer_layers_per_block=transformer_layers_per_block, + add_downsample=add_downsample, + cross_attention_dim=cross_attention_dim, + num_attention_heads=num_attention_heads, + ) + + raise ValueError(f"{down_block_type} does not exist.") + + +def get_up_block( + up_block_type: str, + num_layers: int, + in_channels: int, + out_channels: int, + prev_output_channel: int, + temb_channels: int, + add_upsample: bool, + num_attention_heads: int, + resolution_idx: Optional[int] = None, + cross_attention_dim: Optional[int] = None, + transformer_layers_per_block: int = 1, + **kwargs, +) -> Union[ + "UpBlockSpatioTemporal", + "CrossAttnUpBlockSpatioTemporalPoseCond", +]: + if up_block_type == "UpBlockSpatioTemporal": + # added for SDV + return UpBlockSpatioTemporal( + num_layers=num_layers, + in_channels=in_channels, + out_channels=out_channels, + prev_output_channel=prev_output_channel, + temb_channels=temb_channels, + resolution_idx=resolution_idx, + add_upsample=add_upsample, + ) + elif up_block_type == "CrossAttnUpBlockSpatioTemporalPoseCond": + # added for SDV + if cross_attention_dim is None: + raise ValueError("cross_attention_dim must be specified for CrossAttnUpBlockSpatioTemporal") + return CrossAttnUpBlockSpatioTemporalPoseCond( + in_channels=in_channels, + out_channels=out_channels, + prev_output_channel=prev_output_channel, + temb_channels=temb_channels, + num_layers=num_layers, + transformer_layers_per_block=transformer_layers_per_block, + add_upsample=add_upsample, + cross_attention_dim=cross_attention_dim, + num_attention_heads=num_attention_heads, + resolution_idx=resolution_idx, + ) + + raise ValueError(f"{up_block_type} does not exist.") + + +class CrossAttnDownBlockSpatioTemporalPoseCond(nn.Module): + def __init__( + self, + in_channels: int, + out_channels: int, + temb_channels: int, + num_layers: int = 1, + transformer_layers_per_block: Union[int, Tuple[int]] = 1, + num_attention_heads: int = 1, + cross_attention_dim: int = 1280, + add_downsample: bool = True, + ): + super().__init__() + resnets = [] + attentions = [] + + self.has_cross_attention = True + self.num_attention_heads = num_attention_heads + if isinstance(transformer_layers_per_block, int): + transformer_layers_per_block = [transformer_layers_per_block] * num_layers + + for i in range(num_layers): + in_channels = in_channels if i == 0 else out_channels + resnets.append( + SpatioTemporalResBlock( + in_channels=in_channels, + out_channels=out_channels, + temb_channels=temb_channels, + eps=1e-6, + ) + ) + attentions.append( + TransformerSpatioTemporalModelPoseCond( + num_attention_heads, + out_channels // num_attention_heads, + in_channels=out_channels, + num_layers=transformer_layers_per_block[i], + cross_attention_dim=cross_attention_dim, + ) + ) + + self.attentions = nn.ModuleList(attentions) + self.resnets = nn.ModuleList(resnets) + + if add_downsample: + self.downsamplers = nn.ModuleList( + [ + Downsample2D( + out_channels, + use_conv=True, + out_channels=out_channels, + padding=1, + name="op", + ) + ] + ) + else: + self.downsamplers = None + + self.gradient_checkpointing = False + + def forward( + self, + hidden_states: torch.FloatTensor, # [bs * frame, c, h, w] + temb: Optional[torch.FloatTensor] = None, # [bs * frame, c] + encoder_hidden_states: Optional[torch.FloatTensor] = None, # [bs * frame, 1, c] + image_only_indicator: Optional[torch.Tensor] = None, # [bs, frame] + pose_feature: Optional[torch.Tensor] = None # [bs, c, frame, h, w] + ) -> Tuple[torch.FloatTensor, Tuple[torch.FloatTensor, ...]]: + output_states = () + + blocks = list(zip(self.resnets, self.attentions)) + for resnet, attn in blocks: + if self.training and self.gradient_checkpointing: # TODO + + def create_custom_forward(module, return_dict=None): + def custom_forward(*inputs): + if return_dict is not None: + return module(*inputs, return_dict=return_dict) + else: + return module(*inputs) + + return custom_forward + + ckpt_kwargs: Dict[str, Any] = {"use_reentrant": False} if is_torch_version(">=", "1.11.0") else {} + hidden_states = torch.utils.checkpoint.checkpoint( + create_custom_forward(resnet), + hidden_states, + temb, + image_only_indicator, + **ckpt_kwargs, + ) + + hidden_states = attn( + hidden_states, + encoder_hidden_states=encoder_hidden_states, + image_only_indicator=image_only_indicator, + return_dict=False, + )[0] + else: + hidden_states = resnet( + hidden_states, + temb, + image_only_indicator=image_only_indicator, + ) # [bs * frame, c, h, w] + hidden_states = attn( + hidden_states, + encoder_hidden_states=encoder_hidden_states, + image_only_indicator=image_only_indicator, + pose_feature=pose_feature, + return_dict=False, + )[0] + + output_states = output_states + (hidden_states,) + + if self.downsamplers is not None: + for downsampler in self.downsamplers: + hidden_states = downsampler(hidden_states) + + output_states = output_states + (hidden_states,) + + return hidden_states, output_states + + +class UNetMidBlockSpatioTemporalPoseCond(nn.Module): + def __init__( + self, + in_channels: int, + temb_channels: int, + num_layers: int = 1, + transformer_layers_per_block: Union[int, Tuple[int]] = 1, + num_attention_heads: int = 1, + cross_attention_dim: int = 1280, + ): + super().__init__() + + self.has_cross_attention = True + self.num_attention_heads = num_attention_heads + + # support for variable transformer layers per block + if isinstance(transformer_layers_per_block, int): + transformer_layers_per_block = [transformer_layers_per_block] * num_layers + + # there is always at least one resnet + resnets = [ + SpatioTemporalResBlock( + in_channels=in_channels, + out_channels=in_channels, + temb_channels=temb_channels, + eps=1e-5, + ) + ] + attentions = [] + + for i in range(num_layers): + attentions.append( + TransformerSpatioTemporalModelPoseCond( + num_attention_heads, + in_channels // num_attention_heads, + in_channels=in_channels, + num_layers=transformer_layers_per_block[i], + cross_attention_dim=cross_attention_dim, + ) + ) + + resnets.append( + SpatioTemporalResBlock( + in_channels=in_channels, + out_channels=in_channels, + temb_channels=temb_channels, + eps=1e-5, + ) + ) + + self.attentions = nn.ModuleList(attentions) + self.resnets = nn.ModuleList(resnets) + + self.gradient_checkpointing = False + + def forward( + self, + hidden_states: torch.FloatTensor, + temb: Optional[torch.FloatTensor] = None, + encoder_hidden_states: Optional[torch.FloatTensor] = None, + image_only_indicator: Optional[torch.Tensor] = None, + pose_feature: Optional[torch.Tensor] = None # [bs, c, frame, h, w] + ) -> torch.FloatTensor: + hidden_states = self.resnets[0]( + hidden_states, + temb, + image_only_indicator=image_only_indicator, + ) + + for attn, resnet in zip(self.attentions, self.resnets[1:]): + if self.training and self.gradient_checkpointing: # TODO + + def create_custom_forward(module, return_dict=None): + def custom_forward(*inputs): + if return_dict is not None: + return module(*inputs, return_dict=return_dict) + else: + return module(*inputs) + + return custom_forward + + ckpt_kwargs: Dict[str, Any] = {"use_reentrant": False} if is_torch_version(">=", "1.11.0") else {} + hidden_states = attn( + hidden_states, + encoder_hidden_states=encoder_hidden_states, + image_only_indicator=image_only_indicator, + return_dict=False, + )[0] + hidden_states = torch.utils.checkpoint.checkpoint( + create_custom_forward(resnet), + hidden_states, + temb, + image_only_indicator, + **ckpt_kwargs, + ) + else: + hidden_states = attn( + hidden_states, + encoder_hidden_states=encoder_hidden_states, + image_only_indicator=image_only_indicator, + pose_feature=pose_feature, + return_dict=False, + )[0] + hidden_states = resnet( + hidden_states, + temb, + image_only_indicator=image_only_indicator, + ) + + return hidden_states + + +class CrossAttnUpBlockSpatioTemporalPoseCond(nn.Module): + def __init__( + self, + in_channels: int, + out_channels: int, + prev_output_channel: int, + temb_channels: int, + resolution_idx: Optional[int] = None, + num_layers: int = 1, + transformer_layers_per_block: Union[int, Tuple[int]] = 1, + resnet_eps: float = 1e-6, + num_attention_heads: int = 1, + cross_attention_dim: int = 1280, + add_upsample: bool = True, + ): + super().__init__() + resnets = [] + attentions = [] + + self.has_cross_attention = True + self.num_attention_heads = num_attention_heads + + if isinstance(transformer_layers_per_block, int): + transformer_layers_per_block = [transformer_layers_per_block] * num_layers + + for i in range(num_layers): + res_skip_channels = in_channels if (i == num_layers - 1) else out_channels + resnet_in_channels = prev_output_channel if i == 0 else out_channels + + resnets.append( + SpatioTemporalResBlock( + in_channels=resnet_in_channels + res_skip_channels, + out_channels=out_channels, + temb_channels=temb_channels, + eps=resnet_eps, + ) + ) + attentions.append( + TransformerSpatioTemporalModelPoseCond( + num_attention_heads, + out_channels // num_attention_heads, + in_channels=out_channels, + num_layers=transformer_layers_per_block[i], + cross_attention_dim=cross_attention_dim, + ) + ) + + self.attentions = nn.ModuleList(attentions) + self.resnets = nn.ModuleList(resnets) + + if add_upsample: + self.upsamplers = nn.ModuleList([Upsample2D(out_channels, use_conv=True, out_channels=out_channels)]) + else: + self.upsamplers = None + + self.gradient_checkpointing = False + self.resolution_idx = resolution_idx + + def forward( + self, + hidden_states: torch.FloatTensor, + res_hidden_states_tuple: Tuple[torch.FloatTensor, ...], + temb: Optional[torch.FloatTensor] = None, + encoder_hidden_states: Optional[torch.FloatTensor] = None, + image_only_indicator: Optional[torch.Tensor] = None, + pose_feature: Optional[torch.Tensor] = None # [bs, c, frame, h, w] + ) -> torch.FloatTensor: + for resnet, attn in zip(self.resnets, self.attentions): + # pop res hidden states + res_hidden_states = res_hidden_states_tuple[-1] + res_hidden_states_tuple = res_hidden_states_tuple[:-1] + + hidden_states = torch.cat([hidden_states, res_hidden_states], dim=1) + + if self.training and self.gradient_checkpointing: # TODO + + def create_custom_forward(module, return_dict=None): + def custom_forward(*inputs): + if return_dict is not None: + return module(*inputs, return_dict=return_dict) + else: + return module(*inputs) + + return custom_forward + + ckpt_kwargs: Dict[str, Any] = {"use_reentrant": False} if is_torch_version(">=", "1.11.0") else {} + hidden_states = torch.utils.checkpoint.checkpoint( + create_custom_forward(resnet), + hidden_states, + temb, + image_only_indicator, + **ckpt_kwargs, + ) + hidden_states = attn( + hidden_states, + encoder_hidden_states=encoder_hidden_states, + image_only_indicator=image_only_indicator, + return_dict=False, + )[0] + else: + hidden_states = resnet( + hidden_states, + temb, + image_only_indicator=image_only_indicator, + ) + hidden_states = attn( + hidden_states, + encoder_hidden_states=encoder_hidden_states, + image_only_indicator=image_only_indicator, + pose_feature=pose_feature, + return_dict=False, + )[0] + + if self.upsamplers is not None: + for upsampler in self.upsamplers: + hidden_states = upsampler(hidden_states) + + return hidden_states diff --git a/cameractrl/pipelines/pipeline_animation.py b/cameractrl/pipelines/pipeline_animation.py new file mode 100644 index 0000000000000000000000000000000000000000..24f8eb3dd6ab00939aa18984307c4d3d1404f984 --- /dev/null +++ b/cameractrl/pipelines/pipeline_animation.py @@ -0,0 +1,547 @@ +# Adapted from https://github.com/showlab/Tune-A-Video/blob/main/tuneavideo/pipelines/pipeline_tuneavideo.py + +import inspect + +import pandas as pd +import torch +import PIL.Image + +from typing import Callable, List, Optional, Union, Dict +from transformers import CLIPImageProcessor, CLIPVisionModelWithProjection +from diffusers.models import AutoencoderKLTemporalDecoder +from diffusers.image_processor import VaeImageProcessor +from diffusers.pipelines.pipeline_utils import DiffusionPipeline +from diffusers.schedulers import EulerDiscreteScheduler +from diffusers.utils import logging +from diffusers.utils.torch_utils import randn_tensor +from diffusers.pipelines.stable_video_diffusion.pipeline_stable_video_diffusion import ( + _resize_with_antialiasing, + _append_dims, + tensor2vid, + StableVideoDiffusionPipelineOutput +) + +from cameractrl.models.pose_adaptor import CameraPoseEncoder +from cameractrl.models.unet import UNetSpatioTemporalConditionModelPoseCond + + +logger = logging.get_logger(__name__) # pylint: disable=invalid-name + + +class StableVideoDiffusionPipelinePoseCond(DiffusionPipeline): + r""" + Pipeline to generate video from an input image using Stable Video Diffusion. + + This model inherits from [`DiffusionPipeline`]. Check the superclass documentation for the generic methods + implemented for all pipelines (downloading, saving, running on a particular device, etc.). + + Args: + vae ([`AutoencoderKL`]): + Variational Auto-Encoder (VAE) model to encode and decode images to and from latent representations. + image_encoder ([`~transformers.CLIPVisionModelWithProjection`]): + Frozen CLIP image-encoder ([laion/CLIP-ViT-H-14-laion2B-s32B-b79K](https://huggingface.co/laion/CLIP-ViT-H-14-laion2B-s32B-b79K)). + unet ([`UNetSpatioTemporalConditionModel`]): + A `UNetSpatioTemporalConditionModel` to denoise the encoded image latents. + scheduler ([`EulerDiscreteScheduler`]): + A scheduler to be used in combination with `unet` to denoise the encoded image latents. + feature_extractor ([`~transformers.CLIPImageProcessor`]): + A `CLIPImageProcessor` to extract features from generated images. + """ + + model_cpu_offload_seq = "image_encoder->unet->vae" + _callback_tensor_inputs = ["latents"] + + def __init__( + self, + vae: AutoencoderKLTemporalDecoder, + image_encoder: CLIPVisionModelWithProjection, + unet: UNetSpatioTemporalConditionModelPoseCond, + scheduler: EulerDiscreteScheduler, + feature_extractor: CLIPImageProcessor, + pose_encoder: CameraPoseEncoder + ): + super().__init__() + + self.register_modules( + vae=vae, + image_encoder=image_encoder, + unet=unet, + scheduler=scheduler, + feature_extractor=feature_extractor, + pose_encoder=pose_encoder + ) + self.vae_scale_factor = 2 ** (len(self.vae.config.block_out_channels) - 1) + self.image_processor = VaeImageProcessor(vae_scale_factor=self.vae_scale_factor) + + def _encode_image(self, image, device, num_videos_per_prompt, do_classifier_free_guidance, do_resize_normalize=False): + dtype = next(self.image_encoder.parameters()).dtype + + if not isinstance(image, torch.Tensor): + image = self.image_processor.pil_to_numpy(image) + image = self.image_processor.numpy_to_pt(image) + + # We normalize the image before resizing to match with the original implementation. + # Then we unnormalize it after resizing. + image = image * 2.0 - 1.0 + image = _resize_with_antialiasing(image, (224, 224)) + image = (image + 1.0) / 2.0 + + # Normalize the image with for CLIP input + image = self.feature_extractor( + images=image, + do_normalize=True, + do_center_crop=False, + do_resize=False, + do_rescale=False, + return_tensors="pt", + ).pixel_values + elif do_resize_normalize: + image = _resize_with_antialiasing(image, (224, 224)) + image = (image + 1.0) / 2.0 + # Normalize the image with for CLIP input + image = self.feature_extractor( + images=image, + do_normalize=True, + do_center_crop=False, + do_resize=False, + do_rescale=False, + return_tensors="pt", + ).pixel_values + + image = image.to(device=device, dtype=dtype) + image_embeddings = self.image_encoder(image).image_embeds + image_embeddings = image_embeddings.unsqueeze(1) + + # duplicate image embeddings for each generation per prompt, using mps friendly method + bs_embed, seq_len, _ = image_embeddings.shape + image_embeddings = image_embeddings.repeat(1, num_videos_per_prompt, 1) + image_embeddings = image_embeddings.view(bs_embed * num_videos_per_prompt, seq_len, -1) + + if do_classifier_free_guidance: + negative_image_embeddings = torch.zeros_like(image_embeddings) + + # For classifier free guidance, we need to do two forward passes. + # Here we concatenate the unconditional and text embeddings into a single batch + # to avoid doing two forward passes + image_embeddings = torch.cat([negative_image_embeddings, image_embeddings]) + + return image_embeddings + + def _encode_vae_image( + self, + image: torch.Tensor, + device, + num_videos_per_prompt, + do_classifier_free_guidance, + ): + image = image.to(device=device) + image_latents = self.vae.encode(image).latent_dist.mode() + + if do_classifier_free_guidance: + negative_image_latents = torch.zeros_like(image_latents) + + # For classifier free guidance, we need to do two forward passes. + # Here we concatenate the unconditional and text embeddings into a single batch + # to avoid doing two forward passes + image_latents = torch.cat([negative_image_latents, image_latents]) + + # duplicate image_latents for each generation per prompt, using mps friendly method + image_latents = image_latents.repeat(num_videos_per_prompt, 1, 1, 1) + + return image_latents + + def _get_add_time_ids( + self, + fps, + motion_bucket_id, + noise_aug_strength, + dtype, + batch_size, + num_videos_per_prompt, + do_classifier_free_guidance, + ): + add_time_ids = [fps, motion_bucket_id, noise_aug_strength] + + passed_add_embed_dim = self.unet.config.addition_time_embed_dim * len(add_time_ids) + # expected_add_embed_dim = self.unet.add_embedding.linear_1.in_features + try: + expected_add_embed_dim = self.unet.add_embedding.linear_1.in_features + except: + print(f'!!! Lora: expected_add_embed_dim = self.unet.add_embedding.linear_1.in_features') + expected_add_embed_dim = self.unet.add_embedding.linear_1.linear.in_features + + if expected_add_embed_dim != passed_add_embed_dim: + raise ValueError( + f"Model expects an added time embedding vector of length {expected_add_embed_dim}, but a vector of {passed_add_embed_dim} was created. The model has an incorrect config. Please check `unet.config.time_embedding_type` and `text_encoder_2.config.projection_dim`." + ) + + add_time_ids = torch.tensor([add_time_ids], dtype=dtype) + add_time_ids = add_time_ids.repeat(batch_size * num_videos_per_prompt, 1) + + if do_classifier_free_guidance: + add_time_ids = torch.cat([add_time_ids, add_time_ids]) + + return add_time_ids + + def decode_latents(self, latents, num_frames, decode_chunk_size=14): + # [batch, frames, channels, height, width] -> [batch*frames, channels, height, width] + latents = latents.flatten(0, 1) + + latents = 1 / self.vae.config.scaling_factor * latents + + accepts_num_frames = "num_frames" in set(inspect.signature(self.vae.forward).parameters.keys()) + + # decode decode_chunk_size frames at a time to avoid OOM + frames = [] + for i in range(0, latents.shape[0], decode_chunk_size): + num_frames_in = latents[i : i + decode_chunk_size].shape[0] + decode_kwargs = {} + if accepts_num_frames: + # we only pass num_frames_in if it's expected + decode_kwargs["num_frames"] = num_frames_in + + frame = self.vae.decode(latents[i : i + decode_chunk_size], **decode_kwargs).sample + frames.append(frame) + frames = torch.cat(frames, dim=0) + + # [batch*frames, channels, height, width] -> [batch, channels, frames, height, width] + frames = frames.reshape(-1, num_frames, *frames.shape[1:]).permute(0, 2, 1, 3, 4) + + # we always cast to float32 as this does not cause significant overhead and is compatible with bfloat16 + frames = frames.float() + return frames + + def check_inputs(self, image, height, width): + if ( + not isinstance(image, torch.Tensor) + and not isinstance(image, PIL.Image.Image) + and not isinstance(image, list) + ): + raise ValueError( + "`image` has to be of type `torch.FloatTensor` or `PIL.Image.Image` or `List[PIL.Image.Image]` but is" + f" {type(image)}" + ) + + if height % 8 != 0 or width % 8 != 0: + raise ValueError(f"`height` and `width` have to be divisible by 8 but are {height} and {width}.") + + def prepare_latents( + self, + batch_size, + num_frames, + num_channels_latents, + height, + width, + dtype, + device, + generator, + latents=None, + ): + shape = ( + batch_size, + num_frames, + num_channels_latents // 2, + height // self.vae_scale_factor, + width // self.vae_scale_factor, + ) + if isinstance(generator, list) and len(generator) != batch_size: + raise ValueError( + f"You have passed a list of generators of length {len(generator)}, but requested an effective batch" + f" size of {batch_size}. Make sure the batch size matches the length of the generators." + ) + + if latents is None: + latents = randn_tensor(shape, generator=generator, device=device, dtype=dtype) + else: + latents = latents.to(device) + + # scale the initial noise by the standard deviation required by the scheduler + latents = latents * self.scheduler.init_noise_sigma + return latents + + @property + def guidance_scale(self): + return self._guidance_scale + + # here `guidance_scale` is defined analog to the guidance weight `w` of equation (2) + # of the Imagen paper: https://arxiv.org/pdf/2205.11487.pdf . `guidance_scale = 1` + # corresponds to doing no classifier free guidance. + @property + def do_classifier_free_guidance(self): + return self._guidance_scale > 1 and self.unet.config.time_cond_proj_dim is None + + @property + def num_timesteps(self): + return self._num_timesteps + + @torch.no_grad() + def __call__( + self, + image: Union[PIL.Image.Image, List[PIL.Image.Image], torch.FloatTensor], + pose_embedding: torch.FloatTensor, + height: int = 576, + width: int = 1024, + num_frames: Optional[int] = None, + num_inference_steps: int = 25, + min_guidance_scale: float = 1.0, + max_guidance_scale: float = 3.0, + fps: int = 7, + motion_bucket_id: int = 127, + noise_aug_strength: int = 0.02, + do_resize_normalize: bool = True, + do_image_process: bool = False, + decode_chunk_size: Optional[int] = None, + num_videos_per_prompt: Optional[int] = 1, + generator: Optional[Union[torch.Generator, List[torch.Generator]]] = None, + latents: Optional[torch.FloatTensor] = None, + output_type: Optional[str] = "pil", + callback_on_step_end: Optional[Callable[[int, int, Dict], None]] = None, + callback_on_step_end_tensor_inputs: List[str] = ["latents"], + return_dict: bool = True, + pose_features: Optional[List[torch.FloatTensor]] = None, + inversion_start_time: Optional[int] = -1, + inversion_latents: Optional[torch.FloatTensor] = None, + mix_mask: Optional[torch.FloatTensor] = None, + mix_rate: Optional[float] = 0.5, + enable_LPF: Optional[bool] = False, + video_latent_sigma: Optional[bool] = False, + ): + r""" + The call function to the pipeline for generation. + + Args: + image (`PIL.Image.Image` or `List[PIL.Image.Image]` or `torch.FloatTensor`): + Image or images to guide image generation. If you provide a tensor, it needs to be compatible with + [`CLIPImageProcessor`](https://huggingface.co/lambdalabs/sd-image-variations-diffusers/blob/main/feature_extractor/preprocessor_config.json). + height (`int`, *optional*, defaults to `self.unet.config.sample_size * self.vae_scale_factor`): + The height in pixels of the generated image. + width (`int`, *optional*, defaults to `self.unet.config.sample_size * self.vae_scale_factor`): + The width in pixels of the generated image. + num_frames (`int`, *optional*): + The number of video frames to generate. Defaults to 14 for `stable-video-diffusion-img2vid` and to 25 for `stable-video-diffusion-img2vid-xt` + num_inference_steps (`int`, *optional*, defaults to 25): + The number of denoising steps. More denoising steps usually lead to a higher quality image at the + expense of slower inference. This parameter is modulated by `strength`. + min_guidance_scale (`float`, *optional*, defaults to 1.0): + The minimum guidance scale. Used for the classifier free guidance with first frame. + max_guidance_scale (`float`, *optional*, defaults to 3.0): + The maximum guidance scale. Used for the classifier free guidance with last frame. + fps (`int`, *optional*, defaults to 7): + Frames per second. The rate at which the generated images shall be exported to a video after generation. + Note that Stable Diffusion Video's UNet was micro-conditioned on fps-1 during training. + motion_bucket_id (`int`, *optional*, defaults to 127): + The motion bucket ID. Used as conditioning for the generation. The higher the number the more motion will be in the video. + noise_aug_strength (`int`, *optional*, defaults to 0.02): + The amount of noise added to the init image, the higher it is the less the video will look like the init image. Increase it for more motion. + decode_chunk_size (`int`, *optional*): + The number of frames to decode at a time. The higher the chunk size, the higher the temporal consistency + between frames, but also the higher the memory consumption. By default, the decoder will decode all frames at once + for maximal quality. Reduce `decode_chunk_size` to reduce memory usage. + num_videos_per_prompt (`int`, *optional*, defaults to 1): + The number of images to generate per prompt. + generator (`torch.Generator` or `List[torch.Generator]`, *optional*): + A [`torch.Generator`](https://pytorch.org/docs/stable/generated/torch.Generator.html) to make + generation deterministic. + latents (`torch.FloatTensor`, *optional*): + Pre-generated noisy latents sampled from a Gaussian distribution, to be used as inputs for image + generation. Can be used to tweak the same generation with different prompts. If not provided, a latents + tensor is generated by sampling using the supplied random `generator`. + output_type (`str`, *optional*, defaults to `"pil"`): + The output format of the generated image. Choose between `PIL.Image` or `np.array`. + callback_on_step_end (`Callable`, *optional*): + A function that calls at the end of each denoising steps during the inference. The function is called + with the following arguments: `callback_on_step_end(self: DiffusionPipeline, step: int, timestep: int, + callback_kwargs: Dict)`. `callback_kwargs` will include a list of all tensors as specified by + `callback_on_step_end_tensor_inputs`. + callback_on_step_end_tensor_inputs (`List`, *optional*): + The list of tensor inputs for the `callback_on_step_end` function. The tensors specified in the list + will be passed as `callback_kwargs` argument. You will only be able to include variables listed in the + `._callback_tensor_inputs` attribute of your pipeline class. + return_dict (`bool`, *optional*, defaults to `True`): + Whether or not to return a [`~pipelines.stable_diffusion.StableDiffusionPipelineOutput`] instead of a + plain tuple. + + Returns: + [`~pipelines.stable_diffusion.StableVideoDiffusionPipelineOutput`] or `tuple`: + If `return_dict` is `True`, [`~pipelines.stable_diffusion.StableVideoDiffusionPipelineOutput`] is returned, + otherwise a `tuple` is returned where the first element is a list of list with the generated frames. + + Examples: + + ```py + from diffusers import StableVideoDiffusionPipeline + from diffusers.utils import load_image, export_to_video + + pipe = StableVideoDiffusionPipeline.from_pretrained("stabilityai/stable-video-diffusion-img2vid-xt", torch_dtype=torch.float16, variant="fp16") + pipe.to("cuda") + + image = load_image("https://lh3.googleusercontent.com/y-iFOHfLTwkuQSUegpwDdgKmOjRSTvPxat63dQLB25xkTs4lhIbRUFeNBWZzYf370g=s1200") + image = image.resize((1024, 576)) + + frames = pipe(image, num_frames=25, decode_chunk_size=8).frames[0] + export_to_video(frames, "generated.mp4", fps=7) + ``` + """ + # 0. Default height and width to unet + height = height or self.unet.config.sample_size * self.vae_scale_factor + width = width or self.unet.config.sample_size * self.vae_scale_factor + + num_frames = num_frames if num_frames is not None else self.unet.config.num_frames + decode_chunk_size = decode_chunk_size if decode_chunk_size is not None else num_frames + + # 1. Check inputs. Raise error if not correct + self.check_inputs(image, height, width) + + # 2. Define call parameters + if isinstance(image, PIL.Image.Image): + batch_size = 1 + elif isinstance(image, list): + batch_size = len(image) + else: + batch_size = image.shape[0] + device = pose_embedding.device + # here `guidance_scale` is defined analog to the guidance weight `w` of equation (2) + # of the Imagen paper: https://arxiv.org/pdf/2205.11487.pdf . `guidance_scale = 1` + # corresponds to doing no classifier free guidance. + do_classifier_free_guidance = max_guidance_scale > 1.0 + + # 3. Encode input image + image_embeddings = self._encode_image(image, device, num_videos_per_prompt, do_classifier_free_guidance, do_resize_normalize=do_resize_normalize) + + # NOTE: Stable Diffusion Video was conditioned on fps - 1, which + # is why it is reduced here. + # See: https://github.com/Stability-AI/generative-models/blob/ed0997173f98eaf8f4edf7ba5fe8f15c6b877fd3/scripts/sampling/simple_video_sample.py#L188 + fps = fps - 1 + + # 4. Encode input image using VAE + if do_image_process: + image = self.image_processor.preprocess(image, height=height, width=width).to(image_embeddings.device) + noise = randn_tensor(image.shape, generator=generator, device=image.device, dtype=image.dtype) + image = image + noise_aug_strength * noise + + needs_upcasting = self.vae.dtype == torch.float16 and self.vae.config.force_upcast + if needs_upcasting: + self.vae.to(dtype=torch.float32) + + image_latents = self._encode_vae_image(image, device, num_videos_per_prompt, do_classifier_free_guidance) + image_latents = image_latents.to(image_embeddings.dtype) + + # cast back to fp16 if needed + if needs_upcasting: + self.vae.to(dtype=torch.float16) + + # Repeat the image latents for each frame so we can concatenate them with the noise + # image_latents [batch, channels, height, width] ->[batch, num_frames, channels, height, width] + image_latents = image_latents.unsqueeze(1).repeat(1, num_frames, 1, 1, 1) + + # 5. Get Added Time IDs + added_time_ids = self._get_add_time_ids( + fps, + motion_bucket_id, + noise_aug_strength, + image_embeddings.dtype, + batch_size, + num_videos_per_prompt, + do_classifier_free_guidance, + ) + added_time_ids = added_time_ids.to(device) + + # 4. Prepare timesteps + self.scheduler.set_timesteps(num_inference_steps, device=device) + timesteps = self.scheduler.timesteps + + # 5. Prepare latent variables + num_channels_latents = self.unet.config.in_channels + latents = self.prepare_latents( + batch_size * num_videos_per_prompt, + num_frames, + num_channels_latents, + height, + width, + image_embeddings.dtype, + device, + generator, + latents, + ) # [bs, frame, c, h, w] + + # 7. Prepare guidance scale + guidance_scale = torch.linspace(min_guidance_scale, max_guidance_scale, num_frames).unsqueeze(0) + guidance_scale = guidance_scale.to(device, latents.dtype) + guidance_scale = guidance_scale.repeat(batch_size * num_videos_per_prompt, 1) + guidance_scale = _append_dims(guidance_scale, latents.ndim) # [bs, frame, 1, 1, 1] + + self._guidance_scale = guidance_scale + + # 8. Prepare pose features + print('!!!!! Modified pose_features ZXW!!!!!') + if pose_features is None: + assert pose_embedding.ndim == 5 # [b, f, c, h, w] + pose_features = self.pose_encoder(pose_embedding) # list of [b, c, f, h, w] + + pose_features = [torch.cat([x, x], dim=0) for x in pose_features] if do_classifier_free_guidance else pose_features + + # 9. Denoising loop + num_warmup_steps = len(timesteps) - num_inference_steps * self.scheduler.order + self._num_timesteps = len(timesteps) + + if inversion_start_time < 0: + inversion_start_time = num_inference_steps + + # if attn_mask_step < 0: + # attn_mask_step = num_inference_steps + + blend_already = False + + with self.progress_bar(total=num_inference_steps) as progress_bar: + for i, t in enumerate(timesteps): + # expand the latents if we are doing classifier free guidance + latent_model_input = torch.cat([latents] * 2) if do_classifier_free_guidance else latents + latent_model_input = self.scheduler.scale_model_input(latent_model_input, t) + + # Concatenate image_latents over channels dimention + latent_model_input = torch.cat([latent_model_input, image_latents], dim=2) + + # predict the noise residual + noise_pred = self.unet( + latent_model_input, + t, + encoder_hidden_states=image_embeddings, + added_time_ids=added_time_ids, + pose_features=pose_features, + return_dict=False, + )[0] + + # perform guidance + if do_classifier_free_guidance: + noise_pred_uncond, noise_pred_cond = noise_pred.chunk(2) + noise_pred = noise_pred_uncond + self.guidance_scale * (noise_pred_cond - noise_pred_uncond) + + # compute the previous noisy sample x_t -> x_t-1 + latents = self.scheduler.step(noise_pred, t, latents).prev_sample + + if callback_on_step_end is not None: + callback_kwargs = {} + for k in callback_on_step_end_tensor_inputs: + callback_kwargs[k] = locals()[k] + callback_outputs = callback_on_step_end(self, i, t, callback_kwargs) + + latents = callback_outputs.pop("latents", latents) + + if i == len(timesteps) - 1 or ((i + 1) > num_warmup_steps and (i + 1) % self.scheduler.order == 0): + progress_bar.update() + + if not output_type == "latent": + # cast back to fp16 if needed + if needs_upcasting: + self.vae.to(dtype=torch.float16) + frames = self.decode_latents(latents, num_frames, decode_chunk_size) # [b, c, f, h, w] + frames = tensor2vid(frames, self.image_processor, output_type=output_type) + else: + frames = latents + + self.maybe_free_model_hooks() + + if not return_dict: + return frames + + return StableVideoDiffusionPipelineOutput(frames=frames) diff --git a/cameractrl/utils/convert_from_ckpt.py b/cameractrl/utils/convert_from_ckpt.py new file mode 100644 index 0000000000000000000000000000000000000000..ad304c346c1c0db01db88bbfefbbad701b5aaacd --- /dev/null +++ b/cameractrl/utils/convert_from_ckpt.py @@ -0,0 +1,556 @@ +# coding=utf-8 +# Copyright 2023 The HuggingFace Inc. team. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +""" Conversion script for the Stable Diffusion checkpoints.""" + +import re +from transformers import CLIPTextModel + +def shave_segments(path, n_shave_prefix_segments=1): + """ + Removes segments. Positive values shave the first segments, negative shave the last segments. + """ + if n_shave_prefix_segments >= 0: + return ".".join(path.split(".")[n_shave_prefix_segments:]) + else: + return ".".join(path.split(".")[:n_shave_prefix_segments]) + + +def renew_resnet_paths(old_list, n_shave_prefix_segments=0): + """ + Updates paths inside resnets to the new naming scheme (local renaming) + """ + mapping = [] + for old_item in old_list: + new_item = old_item.replace("in_layers.0", "norm1") + new_item = new_item.replace("in_layers.2", "conv1") + + new_item = new_item.replace("out_layers.0", "norm2") + new_item = new_item.replace("out_layers.3", "conv2") + + new_item = new_item.replace("emb_layers.1", "time_emb_proj") + new_item = new_item.replace("skip_connection", "conv_shortcut") + + new_item = shave_segments(new_item, n_shave_prefix_segments=n_shave_prefix_segments) + + mapping.append({"old": old_item, "new": new_item}) + + return mapping + + +def renew_vae_resnet_paths(old_list, n_shave_prefix_segments=0): + """ + Updates paths inside resnets to the new naming scheme (local renaming) + """ + mapping = [] + for old_item in old_list: + new_item = old_item + + new_item = new_item.replace("nin_shortcut", "conv_shortcut") + new_item = shave_segments(new_item, n_shave_prefix_segments=n_shave_prefix_segments) + + mapping.append({"old": old_item, "new": new_item}) + + return mapping + + +def renew_attention_paths(old_list, n_shave_prefix_segments=0): + """ + Updates paths inside attentions to the new naming scheme (local renaming) + """ + mapping = [] + for old_item in old_list: + new_item = old_item + + # new_item = new_item.replace('norm.weight', 'group_norm.weight') + # new_item = new_item.replace('norm.bias', 'group_norm.bias') + + # new_item = new_item.replace('proj_out.weight', 'proj_attn.weight') + # new_item = new_item.replace('proj_out.bias', 'proj_attn.bias') + + # new_item = shave_segments(new_item, n_shave_prefix_segments=n_shave_prefix_segments) + + mapping.append({"old": old_item, "new": new_item}) + + return mapping + + +def renew_vae_attention_paths(old_list, n_shave_prefix_segments=0): + """ + Updates paths inside attentions to the new naming scheme (local renaming) + """ + mapping = [] + for old_item in old_list: + new_item = old_item + + new_item = new_item.replace("norm.weight", "group_norm.weight") + new_item = new_item.replace("norm.bias", "group_norm.bias") + + new_item = new_item.replace("q.weight", "query.weight") + new_item = new_item.replace("q.bias", "query.bias") + + new_item = new_item.replace("k.weight", "key.weight") + new_item = new_item.replace("k.bias", "key.bias") + + new_item = new_item.replace("v.weight", "value.weight") + new_item = new_item.replace("v.bias", "value.bias") + + new_item = new_item.replace("proj_out.weight", "proj_attn.weight") + new_item = new_item.replace("proj_out.bias", "proj_attn.bias") + + new_item = shave_segments(new_item, n_shave_prefix_segments=n_shave_prefix_segments) + + mapping.append({"old": old_item, "new": new_item}) + + return mapping + + +def assign_to_checkpoint( + paths, checkpoint, old_checkpoint, attention_paths_to_split=None, additional_replacements=None, config=None +): + """ + This does the final conversion step: take locally converted weights and apply a global renaming to them. It splits + attention layers, and takes into account additional replacements that may arise. + + Assigns the weights to the new checkpoint. + """ + assert isinstance(paths, list), "Paths should be a list of dicts containing 'old' and 'new' keys." + + # Splits the attention layers into three variables. + if attention_paths_to_split is not None: + for path, path_map in attention_paths_to_split.items(): + old_tensor = old_checkpoint[path] + channels = old_tensor.shape[0] // 3 + + target_shape = (-1, channels) if len(old_tensor.shape) == 3 else (-1) + + num_heads = old_tensor.shape[0] // config["num_head_channels"] // 3 + + old_tensor = old_tensor.reshape((num_heads, 3 * channels // num_heads) + old_tensor.shape[1:]) + query, key, value = old_tensor.split(channels // num_heads, dim=1) + + checkpoint[path_map["query"]] = query.reshape(target_shape) + checkpoint[path_map["key"]] = key.reshape(target_shape) + checkpoint[path_map["value"]] = value.reshape(target_shape) + + for path in paths: + new_path = path["new"] + + # These have already been assigned + if attention_paths_to_split is not None and new_path in attention_paths_to_split: + continue + + # Global renaming happens here + new_path = new_path.replace("middle_block.0", "mid_block.resnets.0") + new_path = new_path.replace("middle_block.1", "mid_block.attentions.0") + new_path = new_path.replace("middle_block.2", "mid_block.resnets.1") + + if additional_replacements is not None: + for replacement in additional_replacements: + new_path = new_path.replace(replacement["old"], replacement["new"]) + + # proj_attn.weight has to be converted from conv 1D to linear + if "proj_attn.weight" in new_path: + checkpoint[new_path] = old_checkpoint[path["old"]][:, :, 0] + else: + checkpoint[new_path] = old_checkpoint[path["old"]] + + +def conv_attn_to_linear(checkpoint): + keys = list(checkpoint.keys()) + attn_keys = ["query.weight", "key.weight", "value.weight"] + for key in keys: + if ".".join(key.split(".")[-2:]) in attn_keys: + if checkpoint[key].ndim > 2: + checkpoint[key] = checkpoint[key][:, :, 0, 0] + elif "proj_attn.weight" in key: + if checkpoint[key].ndim > 2: + checkpoint[key] = checkpoint[key][:, :, 0] + + +def convert_ldm_unet_checkpoint(checkpoint, config, path=None, extract_ema=False, controlnet=False): + """ + Takes a state dict and a config, and returns a converted checkpoint. + """ + + # extract state_dict for UNet + unet_state_dict = {} + keys = list(checkpoint.keys()) + + if controlnet: + unet_key = "control_model." + else: + unet_key = "model.diffusion_model." + + # at least a 100 parameters have to start with `model_ema` in order for the checkpoint to be EMA + if sum(k.startswith("model_ema") for k in keys) > 100 and extract_ema: + print(f"Checkpoint {path} has both EMA and non-EMA weights.") + print( + "In this conversion only the EMA weights are extracted. If you want to instead extract the non-EMA" + " weights (useful to continue fine-tuning), please make sure to remove the `--extract_ema` flag." + ) + for key in keys: + if key.startswith("model.diffusion_model"): + flat_ema_key = "model_ema." + "".join(key.split(".")[1:]) + unet_state_dict[key.replace(unet_key, "")] = checkpoint.pop(flat_ema_key) + else: + if sum(k.startswith("model_ema") for k in keys) > 100: + print( + "In this conversion only the non-EMA weights are extracted. If you want to instead extract the EMA" + " weights (usually better for inference), please make sure to add the `--extract_ema` flag." + ) + + for key in keys: + if key.startswith(unet_key): + unet_state_dict[key.replace(unet_key, "")] = checkpoint.pop(key) + + new_checkpoint = {} + + new_checkpoint["time_embedding.linear_1.weight"] = unet_state_dict["time_embed.0.weight"] + new_checkpoint["time_embedding.linear_1.bias"] = unet_state_dict["time_embed.0.bias"] + new_checkpoint["time_embedding.linear_2.weight"] = unet_state_dict["time_embed.2.weight"] + new_checkpoint["time_embedding.linear_2.bias"] = unet_state_dict["time_embed.2.bias"] + + if config["class_embed_type"] is None: + # No parameters to port + ... + elif config["class_embed_type"] == "timestep" or config["class_embed_type"] == "projection": + new_checkpoint["class_embedding.linear_1.weight"] = unet_state_dict["label_emb.0.0.weight"] + new_checkpoint["class_embedding.linear_1.bias"] = unet_state_dict["label_emb.0.0.bias"] + new_checkpoint["class_embedding.linear_2.weight"] = unet_state_dict["label_emb.0.2.weight"] + new_checkpoint["class_embedding.linear_2.bias"] = unet_state_dict["label_emb.0.2.bias"] + else: + raise NotImplementedError(f"Not implemented `class_embed_type`: {config['class_embed_type']}") + + new_checkpoint["conv_in.weight"] = unet_state_dict["input_blocks.0.0.weight"] + new_checkpoint["conv_in.bias"] = unet_state_dict["input_blocks.0.0.bias"] + + if not controlnet: + new_checkpoint["conv_norm_out.weight"] = unet_state_dict["out.0.weight"] + new_checkpoint["conv_norm_out.bias"] = unet_state_dict["out.0.bias"] + new_checkpoint["conv_out.weight"] = unet_state_dict["out.2.weight"] + new_checkpoint["conv_out.bias"] = unet_state_dict["out.2.bias"] + + # Retrieves the keys for the input blocks only + num_input_blocks = len({".".join(layer.split(".")[:2]) for layer in unet_state_dict if "input_blocks" in layer}) + input_blocks = { + layer_id: [key for key in unet_state_dict if f"input_blocks.{layer_id}" in key] + for layer_id in range(num_input_blocks) + } + + # Retrieves the keys for the middle blocks only + num_middle_blocks = len({".".join(layer.split(".")[:2]) for layer in unet_state_dict if "middle_block" in layer}) + middle_blocks = { + layer_id: [key for key in unet_state_dict if f"middle_block.{layer_id}" in key] + for layer_id in range(num_middle_blocks) + } + + # Retrieves the keys for the output blocks only + num_output_blocks = len({".".join(layer.split(".")[:2]) for layer in unet_state_dict if "output_blocks" in layer}) + output_blocks = { + layer_id: [key for key in unet_state_dict if f"output_blocks.{layer_id}" in key] + for layer_id in range(num_output_blocks) + } + + for i in range(1, num_input_blocks): + block_id = (i - 1) // (config["layers_per_block"] + 1) + layer_in_block_id = (i - 1) % (config["layers_per_block"] + 1) + + resnets = [ + key for key in input_blocks[i] if f"input_blocks.{i}.0" in key and f"input_blocks.{i}.0.op" not in key + ] + attentions = [key for key in input_blocks[i] if f"input_blocks.{i}.1" in key] + + if f"input_blocks.{i}.0.op.weight" in unet_state_dict: + new_checkpoint[f"down_blocks.{block_id}.downsamplers.0.conv.weight"] = unet_state_dict.pop( + f"input_blocks.{i}.0.op.weight" + ) + new_checkpoint[f"down_blocks.{block_id}.downsamplers.0.conv.bias"] = unet_state_dict.pop( + f"input_blocks.{i}.0.op.bias" + ) + + paths = renew_resnet_paths(resnets) + meta_path = {"old": f"input_blocks.{i}.0", "new": f"down_blocks.{block_id}.resnets.{layer_in_block_id}"} + assign_to_checkpoint( + paths, new_checkpoint, unet_state_dict, additional_replacements=[meta_path], config=config + ) + + if len(attentions): + paths = renew_attention_paths(attentions) + meta_path = {"old": f"input_blocks.{i}.1", "new": f"down_blocks.{block_id}.attentions.{layer_in_block_id}"} + assign_to_checkpoint( + paths, new_checkpoint, unet_state_dict, additional_replacements=[meta_path], config=config + ) + + resnet_0 = middle_blocks[0] + attentions = middle_blocks[1] + resnet_1 = middle_blocks[2] + + resnet_0_paths = renew_resnet_paths(resnet_0) + assign_to_checkpoint(resnet_0_paths, new_checkpoint, unet_state_dict, config=config) + + resnet_1_paths = renew_resnet_paths(resnet_1) + assign_to_checkpoint(resnet_1_paths, new_checkpoint, unet_state_dict, config=config) + + attentions_paths = renew_attention_paths(attentions) + meta_path = {"old": "middle_block.1", "new": "mid_block.attentions.0"} + assign_to_checkpoint( + attentions_paths, new_checkpoint, unet_state_dict, additional_replacements=[meta_path], config=config + ) + + for i in range(num_output_blocks): + block_id = i // (config["layers_per_block"] + 1) + layer_in_block_id = i % (config["layers_per_block"] + 1) + output_block_layers = [shave_segments(name, 2) for name in output_blocks[i]] + output_block_list = {} + + for layer in output_block_layers: + layer_id, layer_name = layer.split(".")[0], shave_segments(layer, 1) + if layer_id in output_block_list: + output_block_list[layer_id].append(layer_name) + else: + output_block_list[layer_id] = [layer_name] + + if len(output_block_list) > 1: + resnets = [key for key in output_blocks[i] if f"output_blocks.{i}.0" in key] + attentions = [key for key in output_blocks[i] if f"output_blocks.{i}.1" in key] + + resnet_0_paths = renew_resnet_paths(resnets) + paths = renew_resnet_paths(resnets) + + meta_path = {"old": f"output_blocks.{i}.0", "new": f"up_blocks.{block_id}.resnets.{layer_in_block_id}"} + assign_to_checkpoint( + paths, new_checkpoint, unet_state_dict, additional_replacements=[meta_path], config=config + ) + + output_block_list = {k: sorted(v) for k, v in output_block_list.items()} + if ["conv.bias", "conv.weight"] in output_block_list.values(): + index = list(output_block_list.values()).index(["conv.bias", "conv.weight"]) + new_checkpoint[f"up_blocks.{block_id}.upsamplers.0.conv.weight"] = unet_state_dict[ + f"output_blocks.{i}.{index}.conv.weight" + ] + new_checkpoint[f"up_blocks.{block_id}.upsamplers.0.conv.bias"] = unet_state_dict[ + f"output_blocks.{i}.{index}.conv.bias" + ] + + # Clear attentions as they have been attributed above. + if len(attentions) == 2: + attentions = [] + + if len(attentions): + paths = renew_attention_paths(attentions) + meta_path = { + "old": f"output_blocks.{i}.1", + "new": f"up_blocks.{block_id}.attentions.{layer_in_block_id}", + } + assign_to_checkpoint( + paths, new_checkpoint, unet_state_dict, additional_replacements=[meta_path], config=config + ) + else: + resnet_0_paths = renew_resnet_paths(output_block_layers, n_shave_prefix_segments=1) + for path in resnet_0_paths: + old_path = ".".join(["output_blocks", str(i), path["old"]]) + new_path = ".".join(["up_blocks", str(block_id), "resnets", str(layer_in_block_id), path["new"]]) + + new_checkpoint[new_path] = unet_state_dict[old_path] + + if controlnet: + # conditioning embedding + + orig_index = 0 + + new_checkpoint["controlnet_cond_embedding.conv_in.weight"] = unet_state_dict.pop( + f"input_hint_block.{orig_index}.weight" + ) + new_checkpoint["controlnet_cond_embedding.conv_in.bias"] = unet_state_dict.pop( + f"input_hint_block.{orig_index}.bias" + ) + + orig_index += 2 + + diffusers_index = 0 + + while diffusers_index < 6: + new_checkpoint[f"controlnet_cond_embedding.blocks.{diffusers_index}.weight"] = unet_state_dict.pop( + f"input_hint_block.{orig_index}.weight" + ) + new_checkpoint[f"controlnet_cond_embedding.blocks.{diffusers_index}.bias"] = unet_state_dict.pop( + f"input_hint_block.{orig_index}.bias" + ) + diffusers_index += 1 + orig_index += 2 + + new_checkpoint["controlnet_cond_embedding.conv_out.weight"] = unet_state_dict.pop( + f"input_hint_block.{orig_index}.weight" + ) + new_checkpoint["controlnet_cond_embedding.conv_out.bias"] = unet_state_dict.pop( + f"input_hint_block.{orig_index}.bias" + ) + + # down blocks + for i in range(num_input_blocks): + new_checkpoint[f"controlnet_down_blocks.{i}.weight"] = unet_state_dict.pop(f"zero_convs.{i}.0.weight") + new_checkpoint[f"controlnet_down_blocks.{i}.bias"] = unet_state_dict.pop(f"zero_convs.{i}.0.bias") + + # mid block + new_checkpoint["controlnet_mid_block.weight"] = unet_state_dict.pop("middle_block_out.0.weight") + new_checkpoint["controlnet_mid_block.bias"] = unet_state_dict.pop("middle_block_out.0.bias") + + return new_checkpoint + + +def convert_ldm_vae_checkpoint(checkpoint, config): + # extract state dict for VAE + vae_state_dict = {} + keys = list(checkpoint.keys()) + vae_key = "first_stage_model." if any(k.startswith("first_stage_model.") for k in keys) else "" + for key in keys: + if key.startswith(vae_key): + vae_state_dict[key.replace(vae_key, "")] = checkpoint.get(key) + + new_checkpoint = {} + + new_checkpoint["encoder.conv_in.weight"] = vae_state_dict["encoder.conv_in.weight"] + new_checkpoint["encoder.conv_in.bias"] = vae_state_dict["encoder.conv_in.bias"] + new_checkpoint["encoder.conv_out.weight"] = vae_state_dict["encoder.conv_out.weight"] + new_checkpoint["encoder.conv_out.bias"] = vae_state_dict["encoder.conv_out.bias"] + new_checkpoint["encoder.conv_norm_out.weight"] = vae_state_dict["encoder.norm_out.weight"] + new_checkpoint["encoder.conv_norm_out.bias"] = vae_state_dict["encoder.norm_out.bias"] + + new_checkpoint["decoder.conv_in.weight"] = vae_state_dict["decoder.conv_in.weight"] + new_checkpoint["decoder.conv_in.bias"] = vae_state_dict["decoder.conv_in.bias"] + new_checkpoint["decoder.conv_out.weight"] = vae_state_dict["decoder.conv_out.weight"] + new_checkpoint["decoder.conv_out.bias"] = vae_state_dict["decoder.conv_out.bias"] + new_checkpoint["decoder.conv_norm_out.weight"] = vae_state_dict["decoder.norm_out.weight"] + new_checkpoint["decoder.conv_norm_out.bias"] = vae_state_dict["decoder.norm_out.bias"] + + new_checkpoint["quant_conv.weight"] = vae_state_dict["quant_conv.weight"] + new_checkpoint["quant_conv.bias"] = vae_state_dict["quant_conv.bias"] + new_checkpoint["post_quant_conv.weight"] = vae_state_dict["post_quant_conv.weight"] + new_checkpoint["post_quant_conv.bias"] = vae_state_dict["post_quant_conv.bias"] + + # Retrieves the keys for the encoder down blocks only + num_down_blocks = len({".".join(layer.split(".")[:3]) for layer in vae_state_dict if "encoder.down" in layer}) + down_blocks = { + layer_id: [key for key in vae_state_dict if f"down.{layer_id}" in key] for layer_id in range(num_down_blocks) + } + + # Retrieves the keys for the decoder up blocks only + num_up_blocks = len({".".join(layer.split(".")[:3]) for layer in vae_state_dict if "decoder.up" in layer}) + up_blocks = { + layer_id: [key for key in vae_state_dict if f"up.{layer_id}" in key] for layer_id in range(num_up_blocks) + } + + for i in range(num_down_blocks): + resnets = [key for key in down_blocks[i] if f"down.{i}" in key and f"down.{i}.downsample" not in key] + + if f"encoder.down.{i}.downsample.conv.weight" in vae_state_dict: + new_checkpoint[f"encoder.down_blocks.{i}.downsamplers.0.conv.weight"] = vae_state_dict.pop( + f"encoder.down.{i}.downsample.conv.weight" + ) + new_checkpoint[f"encoder.down_blocks.{i}.downsamplers.0.conv.bias"] = vae_state_dict.pop( + f"encoder.down.{i}.downsample.conv.bias" + ) + + paths = renew_vae_resnet_paths(resnets) + meta_path = {"old": f"down.{i}.block", "new": f"down_blocks.{i}.resnets"} + assign_to_checkpoint(paths, new_checkpoint, vae_state_dict, additional_replacements=[meta_path], config=config) + + mid_resnets = [key for key in vae_state_dict if "encoder.mid.block" in key] + num_mid_res_blocks = 2 + for i in range(1, num_mid_res_blocks + 1): + resnets = [key for key in mid_resnets if f"encoder.mid.block_{i}" in key] + + paths = renew_vae_resnet_paths(resnets) + meta_path = {"old": f"mid.block_{i}", "new": f"mid_block.resnets.{i - 1}"} + assign_to_checkpoint(paths, new_checkpoint, vae_state_dict, additional_replacements=[meta_path], config=config) + + mid_attentions = [key for key in vae_state_dict if "encoder.mid.attn" in key] + paths = renew_vae_attention_paths(mid_attentions) + meta_path = {"old": "mid.attn_1", "new": "mid_block.attentions.0"} + assign_to_checkpoint(paths, new_checkpoint, vae_state_dict, additional_replacements=[meta_path], config=config) + conv_attn_to_linear(new_checkpoint) + + for i in range(num_up_blocks): + block_id = num_up_blocks - 1 - i + resnets = [ + key for key in up_blocks[block_id] if f"up.{block_id}" in key and f"up.{block_id}.upsample" not in key + ] + + if f"decoder.up.{block_id}.upsample.conv.weight" in vae_state_dict: + new_checkpoint[f"decoder.up_blocks.{i}.upsamplers.0.conv.weight"] = vae_state_dict[ + f"decoder.up.{block_id}.upsample.conv.weight" + ] + new_checkpoint[f"decoder.up_blocks.{i}.upsamplers.0.conv.bias"] = vae_state_dict[ + f"decoder.up.{block_id}.upsample.conv.bias" + ] + + paths = renew_vae_resnet_paths(resnets) + meta_path = {"old": f"up.{block_id}.block", "new": f"up_blocks.{i}.resnets"} + assign_to_checkpoint(paths, new_checkpoint, vae_state_dict, additional_replacements=[meta_path], config=config) + + mid_resnets = [key for key in vae_state_dict if "decoder.mid.block" in key] + num_mid_res_blocks = 2 + for i in range(1, num_mid_res_blocks + 1): + resnets = [key for key in mid_resnets if f"decoder.mid.block_{i}" in key] + + paths = renew_vae_resnet_paths(resnets) + meta_path = {"old": f"mid.block_{i}", "new": f"mid_block.resnets.{i - 1}"} + assign_to_checkpoint(paths, new_checkpoint, vae_state_dict, additional_replacements=[meta_path], config=config) + + mid_attentions = [key for key in vae_state_dict if "decoder.mid.attn" in key] + paths = renew_vae_attention_paths(mid_attentions) + meta_path = {"old": "mid.attn_1", "new": "mid_block.attentions.0"} + assign_to_checkpoint(paths, new_checkpoint, vae_state_dict, additional_replacements=[meta_path], config=config) + conv_attn_to_linear(new_checkpoint) + return new_checkpoint + + +def convert_ldm_clip_checkpoint(checkpoint): + text_model = CLIPTextModel.from_pretrained("openai/clip-vit-large-patch14") + keys = list(checkpoint.keys()) + + text_model_dict = {} + + for key in keys: + if key.startswith("cond_stage_model.transformer"): + text_model_dict[key[len("cond_stage_model.transformer.") :]] = checkpoint[key] + + text_model.load_state_dict(text_model_dict) + + return text_model + + +textenc_conversion_lst = [ + ("cond_stage_model.model.positional_embedding", "text_model.embeddings.position_embedding.weight"), + ("cond_stage_model.model.token_embedding.weight", "text_model.embeddings.token_embedding.weight"), + ("cond_stage_model.model.ln_final.weight", "text_model.final_layer_norm.weight"), + ("cond_stage_model.model.ln_final.bias", "text_model.final_layer_norm.bias"), +] +textenc_conversion_map = {x[0]: x[1] for x in textenc_conversion_lst} + +textenc_transformer_conversion_lst = [ + # (stable-diffusion, HF Diffusers) + ("resblocks.", "text_model.encoder.layers."), + ("ln_1", "layer_norm1"), + ("ln_2", "layer_norm2"), + (".c_fc.", ".fc1."), + (".c_proj.", ".fc2."), + (".attn", ".self_attn"), + ("ln_final.", "transformer.text_model.final_layer_norm."), + ("token_embedding.weight", "transformer.text_model.embeddings.token_embedding.weight"), + ("positional_embedding", "transformer.text_model.embeddings.position_embedding.weight"), +] +protected = {re.escape(x[0]): x[1] for x in textenc_transformer_conversion_lst} +textenc_pattern = re.compile("|".join(protected.keys())) diff --git a/cameractrl/utils/convert_lora_safetensor_to_diffusers.py b/cameractrl/utils/convert_lora_safetensor_to_diffusers.py new file mode 100644 index 0000000000000000000000000000000000000000..7490e38ecfc2a00d90bb97205f32546384443aee --- /dev/null +++ b/cameractrl/utils/convert_lora_safetensor_to_diffusers.py @@ -0,0 +1,154 @@ +# coding=utf-8 +# Copyright 2023, Haofan Wang, Qixun Wang, All rights reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + +""" Conversion script for the LoRA's safetensors checkpoints. """ + +import argparse + +import torch +from safetensors.torch import load_file + +from diffusers import StableDiffusionPipeline +import pdb + + + +def convert_motion_lora_ckpt_to_diffusers(pipeline, state_dict, alpha=1.0): + # directly update weight in diffusers model + for key in state_dict: + # only process lora down key + if "up." in key: continue + + up_key = key.replace(".down.", ".up.") + model_key = key.replace("processor.", "").replace("_lora", "").replace("down.", "").replace("up.", "") + model_key = model_key.replace("to_out.", "to_out.0.") + layer_infos = model_key.split(".")[:-1] + + curr_layer = pipeline.unet + while len(layer_infos) > 0: + temp_name = layer_infos.pop(0) + curr_layer = curr_layer.__getattr__(temp_name) + + weight_down = state_dict[key] + weight_up = state_dict[up_key] + curr_layer.weight.data += alpha * torch.mm(weight_up, weight_down).to(curr_layer.weight.data.device) + + return pipeline + + + +def convert_lora(pipeline, state_dict, LORA_PREFIX_UNET="lora_unet", LORA_PREFIX_TEXT_ENCODER="lora_te", alpha=0.6): + # load base model + # pipeline = StableDiffusionPipeline.from_pretrained(base_model_path, torch_dtype=torch.float32) + + # load LoRA weight from .safetensors + # state_dict = load_file(checkpoint_path) + + visited = [] + + # directly update weight in diffusers model + for key in state_dict: + # it is suggested to print out the key, it usually will be something like below + # "lora_te_text_model_encoder_layers_0_self_attn_k_proj.lora_down.weight" + + # as we have set the alpha beforehand, so just skip + if ".alpha" in key or key in visited: + continue + + if "text" in key: + layer_infos = key.split(".")[0].split(LORA_PREFIX_TEXT_ENCODER + "_")[-1].split("_") + curr_layer = pipeline.text_encoder + else: + layer_infos = key.split(".")[0].split(LORA_PREFIX_UNET + "_")[-1].split("_") + curr_layer = pipeline.unet + + # find the target layer + temp_name = layer_infos.pop(0) + while len(layer_infos) > -1: + try: + curr_layer = curr_layer.__getattr__(temp_name) + if len(layer_infos) > 0: + temp_name = layer_infos.pop(0) + elif len(layer_infos) == 0: + break + except Exception: + if len(temp_name) > 0: + temp_name += "_" + layer_infos.pop(0) + else: + temp_name = layer_infos.pop(0) + + pair_keys = [] + if "lora_down" in key: + pair_keys.append(key.replace("lora_down", "lora_up")) + pair_keys.append(key) + else: + pair_keys.append(key) + pair_keys.append(key.replace("lora_up", "lora_down")) + + # update weight + if len(state_dict[pair_keys[0]].shape) == 4: + weight_up = state_dict[pair_keys[0]].squeeze(3).squeeze(2).to(torch.float32) + weight_down = state_dict[pair_keys[1]].squeeze(3).squeeze(2).to(torch.float32) + curr_layer.weight.data += alpha * torch.mm(weight_up, weight_down).unsqueeze(2).unsqueeze(3).to(curr_layer.weight.data.device) + else: + weight_up = state_dict[pair_keys[0]].to(torch.float32) + weight_down = state_dict[pair_keys[1]].to(torch.float32) + curr_layer.weight.data += alpha * torch.mm(weight_up, weight_down).to(curr_layer.weight.data.device) + + # update visited list + for item in pair_keys: + visited.append(item) + + return pipeline + + +if __name__ == "__main__": + parser = argparse.ArgumentParser() + + parser.add_argument( + "--base_model_path", default=None, type=str, required=True, help="Path to the base model in diffusers format." + ) + parser.add_argument( + "--checkpoint_path", default=None, type=str, required=True, help="Path to the checkpoint to convert." + ) + parser.add_argument("--dump_path", default=None, type=str, required=True, help="Path to the output model.") + parser.add_argument( + "--lora_prefix_unet", default="lora_unet", type=str, help="The prefix of UNet weight in safetensors" + ) + parser.add_argument( + "--lora_prefix_text_encoder", + default="lora_te", + type=str, + help="The prefix of text encoder weight in safetensors", + ) + parser.add_argument("--alpha", default=0.75, type=float, help="The merging ratio in W = W0 + alpha * deltaW") + parser.add_argument( + "--to_safetensors", action="store_true", help="Whether to store pipeline in safetensors format or not." + ) + parser.add_argument("--device", type=str, help="Device to use (e.g. cpu, cuda:0, cuda:1, etc.)") + + args = parser.parse_args() + + base_model_path = args.base_model_path + checkpoint_path = args.checkpoint_path + dump_path = args.dump_path + lora_prefix_unet = args.lora_prefix_unet + lora_prefix_text_encoder = args.lora_prefix_text_encoder + alpha = args.alpha + + pipe = convert(base_model_path, checkpoint_path, lora_prefix_unet, lora_prefix_text_encoder, alpha) + + pipe = pipe.to(args.device) + pipe.save_pretrained(args.dump_path, safe_serialization=args.to_safetensors) diff --git a/cameractrl/utils/util.py b/cameractrl/utils/util.py new file mode 100644 index 0000000000000000000000000000000000000000..8f264ec1d7c6e234f7f8dc9580c8f191715007c0 --- /dev/null +++ b/cameractrl/utils/util.py @@ -0,0 +1,148 @@ +import os +import functools +import logging +import sys +import imageio +import atexit +import importlib +import torch +import torchvision +import numpy as np +from termcolor import colored + +from einops import rearrange + + +def instantiate_from_config(config, **additional_kwargs): + if not "target" in config: + if config == '__is_first_stage__': + return None + elif config == "__is_unconditional__": + return None + raise KeyError("Expected key `target` to instantiate.") + + additional_kwargs.update(config.get("kwargs", dict())) + return get_obj_from_str(config["target"])(**additional_kwargs) + + +def get_obj_from_str(string, reload=False): + module, cls = string.rsplit(".", 1) + if reload: + module_imp = importlib.import_module(module) + importlib.reload(module_imp) + return getattr(importlib.import_module(module, package=None), cls) + + +def save_videos_grid(videos: torch.Tensor, path: str, rescale=False, n_rows=6, fps=8): + videos = rearrange(videos, "b c t h w -> t b c h w") + outputs = [] + for x in videos: + x = torchvision.utils.make_grid(x, nrow=n_rows) + x = x.transpose(0, 1).transpose(1, 2).squeeze(-1) + if rescale: + x = (x + 1.0) / 2.0 # -1,1 -> 0,1 + x = (x * 255).numpy().astype(np.uint8) + outputs.append(x) + + os.makedirs(os.path.dirname(path), exist_ok=True) + imageio.mimsave(path, outputs, fps=fps) + + +# Logger utils are copied from detectron2 +class _ColorfulFormatter(logging.Formatter): + def __init__(self, *args, **kwargs): + self._root_name = kwargs.pop("root_name") + "." + self._abbrev_name = kwargs.pop("abbrev_name", "") + if len(self._abbrev_name): + self._abbrev_name = self._abbrev_name + "." + super(_ColorfulFormatter, self).__init__(*args, **kwargs) + + def formatMessage(self, record): + record.name = record.name.replace(self._root_name, self._abbrev_name) + log = super(_ColorfulFormatter, self).formatMessage(record) + if record.levelno == logging.WARNING: + prefix = colored("WARNING", "red", attrs=["blink"]) + elif record.levelno == logging.ERROR or record.levelno == logging.CRITICAL: + prefix = colored("ERROR", "red", attrs=["blink", "underline"]) + else: + return log + return prefix + " " + log + + +# cache the opened file object, so that different calls to `setup_logger` +# with the same file name can safely write to the same file. +@functools.lru_cache(maxsize=None) +def _cached_log_stream(filename): + # use 1K buffer if writing to cloud storage + io = open(filename, "a", buffering=1024 if "://" in filename else -1) + atexit.register(io.close) + return io + +@functools.lru_cache() +def setup_logger(output, distributed_rank, color=True, name='AnimateDiff', abbrev_name=None): + logger = logging.getLogger(name) + logger.setLevel(logging.DEBUG) + logger.propagate = False + + if abbrev_name is None: + abbrev_name = 'AD' + plain_formatter = logging.Formatter( + "[%(asctime)s] %(name)s:%(lineno)d %(levelname)s: %(message)s", datefmt="%m/%d %H:%M:%S" + ) + + # stdout logging: master only + if distributed_rank == 0: + ch = logging.StreamHandler(stream=sys.stdout) + ch.setLevel(logging.DEBUG) + if color: + formatter = _ColorfulFormatter( + colored("[%(asctime)s %(name)s:%(lineno)d]: ", "green") + "%(message)s", + datefmt="%m/%d %H:%M:%S", + root_name=name, + abbrev_name=str(abbrev_name), + ) + else: + formatter = plain_formatter + ch.setFormatter(formatter) + logger.addHandler(ch) + + # file logging: all workers + if output is not None: + if output.endswith(".txt") or output.endswith(".log"): + filename = output + else: + filename = os.path.join(output, "log.txt") + if distributed_rank > 0: + filename = filename + ".rank{}".format(distributed_rank) + os.makedirs(os.path.dirname(filename), exist_ok=True) + + fh = logging.StreamHandler(_cached_log_stream(filename)) + fh.setLevel(logging.DEBUG) + fh.setFormatter(plain_formatter) + logger.addHandler(fh) + + return logger + + +def format_time(elapsed_time): + # Time thresholds + minute = 60 + hour = 60 * minute + day = 24 * hour + + days, remainder = divmod(elapsed_time, day) + hours, remainder = divmod(remainder, hour) + minutes, seconds = divmod(remainder, minute) + + formatted_time = "" + + if days > 0: + formatted_time += f"{int(days)} days " + if hours > 0: + formatted_time += f"{int(hours)} hours " + if minutes > 0: + formatted_time += f"{int(minutes)} minutes " + if seconds > 0: + formatted_time += f"{seconds:.2f} seconds" + + return formatted_time.strip() diff --git a/configs/svd_320_576_cameractrl.yaml b/configs/svd_320_576_cameractrl.yaml new file mode 100644 index 0000000000000000000000000000000000000000..e2772283043f1ad7810500533b4a560b0e00f639 --- /dev/null +++ b/configs/svd_320_576_cameractrl.yaml @@ -0,0 +1,87 @@ +output_dir: "output/cameractrl_model" +pretrained_model_path: "[replace with SVD root path]" +unet_subfolder: "unet" +down_block_types: ['CrossAttnDownBlockSpatioTemporalPoseCond', 'CrossAttnDownBlockSpatioTemporalPoseCond', 'CrossAttnDownBlockSpatioTemporalPoseCond', 'DownBlockSpatioTemporal'] +up_block_types: ['UpBlockSpatioTemporal', 'CrossAttnUpBlockSpatioTemporalPoseCond', 'CrossAttnUpBlockSpatioTemporalPoseCond', 'CrossAttnUpBlockSpatioTemporalPoseCond'] + +train_data: + root_path: "[replace RealEstate10K root path]" + annotation_json: "annotations/train.json" + sample_stride: 8 + sample_n_frames: 14 + relative_pose: true + zero_t_first_frame: true + sample_size: [320, 576] + rescale_fxy: true + shuffle_frames: false + use_flip: false + +validation_data: + root_path: "[replace RealEstate10K root path]" + annotation_json: "annotations/validation.json" + sample_stride: 8 + sample_n_frames: 14 + relative_pose: true + zero_t_first_frame: true + sample_size: [320, 576] + rescale_fxy: true + shuffle_frames: false + use_flip: false + return_clip_name: true + +random_null_image_ratio: 0.15 + +pose_encoder_kwargs: + downscale_factor: 8 + channels: [320, 640, 1280, 1280] + nums_rb: 2 + cin: 384 + ksize: 1 + sk: true + use_conv: false + compression_factor: 1 + temporal_attention_nhead: 8 + attention_block_types: ["Temporal_Self", ] + temporal_position_encoding: true + temporal_position_encoding_max_len: 14 + +attention_processor_kwargs: + add_spatial: false + add_temporal: true + attn_processor_name: 'attn1' + pose_feature_dimensions: [320, 640, 1280, 1280] + query_condition: true + key_value_condition: true + scale: 1.0 + +do_sanity_check: true +sample_before_training: false + +max_train_epoch: -1 +max_train_steps: 50000 +validation_steps: 2500 +validation_steps_tuple: [500, ] + +learning_rate: 3.e-5 + +P_mean: 0.7 +P_std: 1.6 +condition_image_noise_mean: -3.0 +condition_image_noise_std: 0.5 +sample_latent: true +first_image_cond: true + +num_inference_steps: 25 +min_guidance_scale: 1.0 +max_guidance_scale: 3.0 + +num_workers: 8 +train_batch_size: 1 +checkpointing_epochs: -1 +checkpointing_steps: 10000 + +mixed_precision_training: false +enable_xformers_memory_efficient_attention: true + +global_seed: 42 +logger_interval: 10 diff --git a/objctrl-2.5d_gradio.py b/objctrl-2.5d_gradio.py new file mode 100644 index 0000000000000000000000000000000000000000..5e70c8ac7677405680975ef448308340d53bc416 --- /dev/null +++ b/objctrl-2.5d_gradio.py @@ -0,0 +1,350 @@ +import os +import gradio as gr + +import torch +from gradio_image_prompter import ImagePrompter +from sam2.sam2_image_predictor import SAM2ImagePredictor +from omegaconf import OmegaConf + +from objctrl_2_5d.utils.ui_utils import process_image, get_camera_pose, run_segment, run_depth, get_points, undo_points + + +from cameractrl.inference import get_pipeline +from objctrl_2_5d.objctrl_2_5d import run +from objctrl_2_5d.utils.examples import examples, sync_points + + +### Title and Description ### +#### Description #### +title = r"""

ObjCtrl-2.5D: Training-free Object Control with Camera Poses

""" +# subtitle = r"""

Deployed on SVD Generation

""" +important_link = r""" + +""" + +authors = r""" + +""" + +affiliation = r""" + +""" + +description = r""" +Official Gradio demo for ObjCtrl-2.5D: Training-free Object Control with Camera Poses.
+🔥 ObjCtrl2.5D enables object motion control in a I2V generated video via transforming 2D trajectories to 3D using depth, subsequently converting them into camera poses, +thereby leveraging the exisitng camera motion control module for object motion control without requiring additional training.
+""" + +article = r""" +If ObjCtrl2.5D is helpful, please help to ⭐ the Github Repo. Thanks! +[![GitHub Stars](https://img.shields.io/github/stars/TencentARC%2FMotionCtrl +)](https://github.com/TencentARC/MotionCtrl) + +--- + +📝 **Citation** +
+If our work is useful for your research, please consider citing: +```bibtex +@inproceedings{wang2024motionctrl, + title={Motionctrl: A unified and flexible motion controller for video generation}, + author={Wang, Zhouxia and Yuan, Ziyang and Wang, Xintao and Li, Yaowei and Chen, Tianshui and Xia, Menghan and Luo, Ping and Shan, Ying}, + booktitle={ACM SIGGRAPH 2024 Conference Papers}, + pages={1--11}, + year={2024} +} +``` + +📧 **Contact** +
+If you have any questions, please feel free to reach me out at zhouzi1212@gmail.com. + +""" + +# -------------- initialization -------------- + +CAMERA_MODE = ["Traj2Cam", "Rotate", "Clockwise", "Translate"] + +# select the device for computation +if torch.cuda.is_available(): + device = torch.device("cuda") +elif torch.backends.mps.is_available(): + device = torch.device("mps") +else: + device = torch.device("cpu") +print(f"using device: {device}") + +# segmentation model +segmentor = SAM2ImagePredictor.from_pretrained("facebook/sam2-hiera-tiny", cache_dir="ckpt", device=device) + +# depth model +d_model_NK = torch.hub.load('./ZoeDepth', 'ZoeD_NK', source='local', pretrained=True).to(device) + +# cameractrl model +config = "configs/svd_320_576_cameractrl.yaml" +model_id = "stabilityai/stable-video-diffusion-img2vid" +ckpt = "checkpoints/CameraCtrl_svd.ckpt" +if not os.path.exists(ckpt): + os.makedirs("checkpoints", exist_ok=True) + os.system("wget -c https://huggingface.co/hehao13/CameraCtrl_SVD_ckpts/resolve/main/CameraCtrl_svd.ckpt?download=true") + os.system("mv CameraCtrl_svd.ckpt?download=true checkpoints/CameraCtrl_svd.ckpt") +model_config = OmegaConf.load(config) + + +pipeline = get_pipeline(model_id, "unet", model_config['down_block_types'], model_config['up_block_types'], + model_config['pose_encoder_kwargs'], model_config['attention_processor_kwargs'], + ckpt, True, device) + +# segmentor = None +# d_model_NK = None +# pipeline = None + + +# -------------- UI definition -------------- +with gr.Blocks() as demo: + # layout definition + gr.Markdown(title) + gr.Markdown(authors) + gr.Markdown(affiliation) + gr.Markdown(important_link) + gr.Markdown(description) + + + # with gr.Row(): + # gr.Markdown("""#
Repositioning the Subject within Image
""") + mask = gr.State(value=None) # store mask + removal_mask = gr.State(value=None) # store removal mask + selected_points = gr.State([]) # store points + selected_points_text = gr.Textbox(label="Selected Points", visible=False) + + original_image = gr.State(value=None) # store original input image + masked_original_image = gr.State(value=None) # store masked input image + mask_logits = gr.State(value=None) # store mask logits + + depth = gr.State(value=None) # store depth + org_depth_image = gr.State(value=None) # store original depth image + + camera_pose = gr.State(value=None) # store camera pose + + with gr.Column(): + + outlines = """ + There are total 5 steps to complete the task. + - Step 1: Input an image and Crop it to a suitable size; + - Step 2: Attain the subject mask; + - Step 3: Get depth and Draw Trajectory; + - Step 4: Get camera pose from trajectory or customize it; + - Step 5: Generate the final video. + """ + + gr.Markdown(outlines) + + + with gr.Row(): + with gr.Column(): + # Step 1: Input Image + step1_dec = """ + Step 1: Input Image + - Select the region using a bounding box, aiming for a ratio close to 320:576 (height:width). + - All provided images in `Examples` are in 320 x 576 resolution. Simply press `Process` to proceed. + """ + step1 = gr.Markdown(step1_dec) + raw_input = ImagePrompter(type="pil", label="Raw Image", show_label=True, interactive=True) + # left_up_point = gr.Textbox(value = "-1 -1", label="Left Up Point", interactive=True) + process_button = gr.Button("Process") + + with gr.Column(): + # Step 2: Get Subject Mask + step2_dec = """ + Step 2: Get Subject Mask + - Use the bounding boxes or paints to select the subject. + - Press `Segment Subject` to get the mask. Can be refined iteratively by updating points. + """ + step2 = gr.Markdown(step2_dec) + canvas = ImagePrompter(type="pil", label="Input Image", show_label=True, interactive=True) # for mask painting + + select_button = gr.Button("Segment Subject") + + with gr.Row(): + with gr.Column(): + mask_dec = """ + Mask Result + - Just for visualization purpose. No need to interact. + """ + mask_vis = gr.Markdown(mask_dec) + mask_output = gr.Image(type="pil", label="Mask", show_label=True, interactive=False) + with gr.Column(): + # Step 3: Get Depth and Draw Trajectory + step3_dec = """ + Step 3: Get Depth and Draw Trajectory + - Press `Get Depth` to get the depth image. + - Draw the trajectory by selecting points on the depth image. No more than 14 points. + - Press `Undo point` to remove all points. + """ + step3 = gr.Markdown(step3_dec) + depth_image = gr.Image(type="pil", label="Depth Image", show_label=True, interactive=False) + with gr.Row(): + depth_button = gr.Button("Get Depth") + undo_button = gr.Button("Undo point") + + with gr.Row(): + with gr.Column(): + # Step 4: Trajectory to Camera Pose or Get Camera Pose + step4_dec = """ + Step 4: Get camera pose from trajectory or customize it + - Option 1: Transform the 2D trajectory to camera poses with depth. `Rescale` is used for depth alignment. Larger value can speed up the object motion. + - Option 2: Rotate the camera with a specific `Angle`. + - Option 3: Rotate the camera clockwise or counterclockwise with a specific `Angle`. + - Option 4: Translate the camera with `Tx` (Pan Left/Right), `Ty` (Pan Up/Down), `Tz` (Zoom In/Out) and `Speed`. + """ + step4 = gr.Markdown(step4_dec) + camera_pose_vis = gr.Plot(None, label='Camera Pose') + with gr.Row(): + with gr.Column(): + speed = gr.Slider(minimum=0.1, maximum=10, step=0.1, value=1.0, label="Speed", interactive=True) + rescale = gr.Slider(minimum=0.0, maximum=10, step=0.1, value=1.0, label="Rescale", interactive=True) + # traj2pose_button = gr.Button("Option1: Trajectory to Camera Pose") + + angle = gr.Slider(minimum=-360, maximum=360, step=1, value=60, label="Angle", interactive=True) + # rotation_button = gr.Button("Option2: Rotate") + # clockwise_button = gr.Button("Option3: Clockwise") + with gr.Column(): + + Tx = gr.Slider(minimum=-1, maximum=1, step=1, value=0, label="Tx", interactive=True) + Ty = gr.Slider(minimum=-1, maximum=1, step=1, value=0, label="Ty", interactive=True) + Tz = gr.Slider(minimum=-1, maximum=1, step=1, value=0, label="Tz", interactive=True) + # translation_button = gr.Button("Option4: Translate") + with gr.Row(): + camera_option = gr.Radio(choices = CAMERA_MODE, label='Camera Options', value=CAMERA_MODE[0], interactive=True) + with gr.Row(): + get_camera_pose_button = gr.Button("Get Camera Pose") + + with gr.Column(): + # Step 5: Get the final generated video + step5_dec = """ + Step 5: Get the final generated video + - 3 modes for background: Fixed, Reverse, Free. + - Enable Scale-wise Masks for better object control. + - Option to enable Shared Warping Latents and set stop frequency for spatial (`ds`) and temporal (`dt`) dimensions. Larger stop frequency will lead to artifacts. + """ + step5 = gr.Markdown(step5_dec) + generated_video = gr.Video(None, label='Generated Video') + + with gr.Row(): + seed = gr.Textbox(value = "42", label="Seed", interactive=True) + # num_inference_steps = gr.Slider(minimum=1, maximum=100, step=1, value=25, label="Number of Inference Steps", interactive=True) + bg_mode = gr.Radio(choices = ["Fixed", "Reverse", "Free"], label="Background Mode", value="Fixed", interactive=True) + # swl_mode = gr.Radio(choices = ["Enable SWL", "Disable SWL"], label="Shared Warping Latent", value="Disable SWL", interactive=True) + scale_wise_masks = gr.Checkbox(label="Enable Scale-wise Masks", interactive=True, value=True) + with gr.Row(): + with gr.Column(): + shared_wapring_latents = gr.Checkbox(label="Enable Shared Warping Latents", interactive=True) + with gr.Column(): + ds = gr.Slider(minimum=0.0, maximum=1, step=0.1, value=0.5, label="ds", interactive=True) + dt = gr.Slider(minimum=0.0, maximum=1, step=0.1, value=0.5, label="dt", interactive=True) + + generated_button = gr.Button("Generate") + + + + # # event definition + process_button.click( + fn = process_image, + inputs = [raw_input], + outputs = [original_image, canvas] + ) + + select_button.click( + run_segment(segmentor), + [canvas, original_image, mask_logits], + [mask, mask_output, masked_original_image, mask_logits] + ) + + depth_button.click( + run_depth(d_model_NK), + [original_image, selected_points], + [depth, depth_image, org_depth_image] + ) + + depth_image.select( + get_points, + [depth_image, selected_points], + [depth_image, selected_points], + ) + undo_button.click( + undo_points, + [org_depth_image], + [depth_image, selected_points] + ) + + get_camera_pose_button.click( + get_camera_pose(CAMERA_MODE), + [camera_option, selected_points, depth, mask, rescale, angle, Tx, Ty, Tz, speed], + [camera_pose, camera_pose_vis] + ) + + generated_button.click( + run(pipeline, device), + [ + original_image, + mask, + depth, + camera_pose, + bg_mode, + shared_wapring_latents, + scale_wise_masks, + rescale, + seed, + ds, + dt, + # num_inference_steps + ], + [generated_video], + ) + + gr.Examples( + examples=examples, + inputs=[ + raw_input, + rescale, + speed, + angle, + Tx, + Ty, + Tz, + camera_option, + bg_mode, + shared_wapring_latents, + scale_wise_masks, + ds, + dt, + seed, + selected_points_text # selected_points + ], + outputs=[generated_video], + examples_per_page=10 + ) + + selected_points_text.change( + sync_points, + inputs=[selected_points_text], + outputs=[selected_points] + ) + + + gr.Markdown(article) + + +demo.queue().launch(share=True) diff --git a/objctrl_2_5d/objctrl_2_5d.py b/objctrl_2_5d/objctrl_2_5d.py new file mode 100644 index 0000000000000000000000000000000000000000..74d6c45f2c8126d88b32f334a019a76090db2cc3 --- /dev/null +++ b/objctrl_2_5d/objctrl_2_5d.py @@ -0,0 +1,332 @@ +import os +import torch +import numpy as np +import torch.nn.functional as F +import cv2 +import torchvision +from PIL import Image +from einops import rearrange +import tempfile + +from objctrl_2_5d.utils.objmask_util import RT2Plucker, Unprojected, roll_with_ignore_multidim, dilate_mask_pytorch +from objctrl_2_5d.utils.filter_utils import get_freq_filter, freq_mix_3d + +DEBUG = False + +if DEBUG: + cur_OUTPUT_PATH = 'outputs/tmp' + os.makedirs(cur_OUTPUT_PATH, exist_ok=True) + +# num_inference_steps=25 +min_guidance_scale = 1.0 +max_guidance_scale = 3.0 + +area_ratio = 0.3 +depth_scale_ = 5.2 +center_margin = 10 + +height, width = 320, 576 +num_frames = 14 + +intrinsics = np.array([[float(width), float(width), float(width) / 2, float(height) / 2]]) +intrinsics = np.repeat(intrinsics, num_frames, axis=0) # [n_frame, 4] +fx = intrinsics[0, 0] / width +fy = intrinsics[0, 1] / height +cx = intrinsics[0, 2] / width +cy = intrinsics[0, 3] / height + +down_scale = 8 +H, W = height // down_scale, width // down_scale +K = np.array([[width / down_scale, 0, W / 2], [0, width / down_scale, H / 2], [0, 0, 1]]) + +def run(pipeline, device): + def run_objctrl_2_5d(condition_image, + mask, + depth, + RTs, + bg_mode, + shared_wapring_latents, + scale_wise_masks, + rescale, + seed, + ds, dt, + num_inference_steps=25): + + seed = int(seed) + + center_h_margin, center_w_margin = center_margin, center_margin + depth_center = np.mean(depth[height//2-center_h_margin:height//2+center_h_margin, width//2-center_w_margin:width//2+center_w_margin]) + + if rescale > 0: + depth_rescale = round(depth_scale_ * rescale / depth_center, 2) + else: + depth_rescale = 1.0 + + depth = depth * depth_rescale + + depth_down = F.interpolate(torch.tensor(depth).unsqueeze(0).unsqueeze(0), + (H, W), mode='bilinear', align_corners=False).squeeze().numpy() # [H, W] + + ## latent + generator = torch.Generator() + generator.manual_seed(seed) + + latents_org = pipeline.prepare_latents( + 1, + 14, + 8, + height, + width, + pipeline.dtype, + device, + generator, + None, + ) + latents_org = latents_org / pipeline.scheduler.init_noise_sigma + + cur_plucker_embedding, _, _ = RT2Plucker(RTs, RTs.shape[0], (height, width), fx, fy, cx, cy) # 6, V, H, W + cur_plucker_embedding = cur_plucker_embedding.to(device) + cur_plucker_embedding = cur_plucker_embedding[None, ...] # b 6 f h w + cur_plucker_embedding = cur_plucker_embedding.permute(0, 2, 1, 3, 4) # b f 6 h w + cur_plucker_embedding = cur_plucker_embedding[:, :num_frames, ...] + cur_pose_features = pipeline.pose_encoder(cur_plucker_embedding) + + # bg_mode = ["Fixed", "Reverse", "Free"] + if bg_mode == "Fixed": + fix_RTs = np.repeat(RTs[0][None, ...], num_frames, axis=0) # [n_frame, 4, 3] + fix_plucker_embedding, _, _ = RT2Plucker(fix_RTs, num_frames, (height, width), fx, fy, cx, cy) # 6, V, H, W + fix_plucker_embedding = fix_plucker_embedding.to(device) + fix_plucker_embedding = fix_plucker_embedding[None, ...] # b 6 f h w + fix_plucker_embedding = fix_plucker_embedding.permute(0, 2, 1, 3, 4) # b f 6 h w + fix_plucker_embedding = fix_plucker_embedding[:, :num_frames, ...] + fix_pose_features = pipeline.pose_encoder(fix_plucker_embedding) + + elif bg_mode == "Reverse": + bg_plucker_embedding, _, _ = RT2Plucker(RTs[::-1], RTs.shape[0], (height, width), fx, fy, cx, cy) # 6, V, H, W + bg_plucker_embedding = bg_plucker_embedding.to(device) + bg_plucker_embedding = bg_plucker_embedding[None, ...] # b 6 f h w + bg_plucker_embedding = bg_plucker_embedding.permute(0, 2, 1, 3, 4) # b f 6 h w + bg_plucker_embedding = bg_plucker_embedding[:, :num_frames, ...] + fix_pose_features = pipeline.pose_encoder(bg_plucker_embedding) + + else: + fix_pose_features = None + + #### preparing mask + + mask = Image.fromarray(mask) + mask.save(f'{cur_OUTPUT_PATH}/org_mask_big.png') + mask = Image.open(f'{cur_OUTPUT_PATH}/org_mask_big.png') + mask = mask.resize((W, H)) + mask = np.array(mask).astype(np.float32) + mask = np.expand_dims(mask, axis=-1) + + # visulize mask + if DEBUG: + mask_sum_vis = mask[..., 0] + mask_sum_vis = (mask_sum_vis * 255.0).astype(np.uint8) + mask_sum_vis = Image.fromarray(mask_sum_vis) + + mask_sum_vis.save(f'{cur_OUTPUT_PATH}/org_mask.png') + + try: + warped_masks = Unprojected(mask, depth_down, RTs, H=H, W=W, K=K) + + warped_masks.insert(0, mask) + + except: + # mask to bbox + print(f'!!! Mask is too small to warp; mask to bbox') + mask = mask[:, :, 0] + coords = cv2.findNonZero(mask) + x, y, w, h = cv2.boundingRect(coords) + # mask[y:y+h, x:x+w] = 1.0 + + center_x, center_y = x + w // 2, y + h // 2 + center_z = depth_down[center_y, center_x] + + # RTs [n_frame, 3, 4] to [n_frame, 4, 4] , add [0, 0, 0, 1] + RTs = np.concatenate([RTs, np.array([[[0, 0, 0, 1]]] * num_frames)], axis=1) + + # RTs: world to camera + P0 = np.array([center_x, center_y, 1]) + Pc0 = np.linalg.inv(K) @ P0 * center_z + pw = np.linalg.inv(RTs[0]) @ np.array([Pc0[0], Pc0[1], center_z, 1]) # [4] + + P = [np.array([center_x, center_y])] + for i in range(1, num_frames): + Pci = RTs[i] @ pw + Pi = K @ Pci[:3] / Pci[2] + P.append(Pi[:2]) + + warped_masks = [mask] + for i in range(1, num_frames): + shift_x = int(round(P[i][0] - P[0][0])) + shift_y = int(round(P[i][1] - P[0][1])) + + cur_mask = roll_with_ignore_multidim(mask, [shift_y, shift_x]) + warped_masks.append(cur_mask) + + + warped_masks = [v[..., None] for v in warped_masks] + + warped_masks = np.stack(warped_masks, axis=0) # [f, h, w] + warped_masks = np.repeat(warped_masks, 3, axis=-1) # [f, h, w, 3] + + mask_sum = np.sum(warped_masks, axis=0, keepdims=True) # [1, H, W, 3] + mask_sum[mask_sum > 1.0] = 1.0 + mask_sum = mask_sum[0,:,:, 0] + + if DEBUG: + ## visulize warp mask + warp_masks_vis = torch.tensor(warped_masks) + warp_masks_vis = (warp_masks_vis * 255.0).to(torch.uint8) + torchvision.io.write_video(f'{cur_OUTPUT_PATH}/warped_masks.mp4', warp_masks_vis, fps=10, video_codec='h264', options={'crf': '10'}) + + # visulize mask + mask_sum_vis = mask_sum + mask_sum_vis = (mask_sum_vis * 255.0).astype(np.uint8) + mask_sum_vis = Image.fromarray(mask_sum_vis) + + mask_sum_vis.save(f'{cur_OUTPUT_PATH}/merged_mask.png') + + if scale_wise_masks: + min_area = H * W * area_ratio # cal in downscale + non_zero_len = mask_sum.sum() + + print(f'non_zero_len: {non_zero_len}, min_area: {min_area}') + + if non_zero_len > min_area: + kernel_sizes = [1, 1, 1, 3] + elif non_zero_len > min_area * 0.5: + kernel_sizes = [3, 1, 1, 5] + else: + kernel_sizes = [5, 3, 3, 7] + else: + kernel_sizes = [1, 1, 1, 1] + + mask = torch.from_numpy(mask_sum) # [h, w] + mask = mask[None, None, ...] # [1, 1, h, w] + mask = F.interpolate(mask, (height, width), mode='bilinear', align_corners=False) # [1, 1, H, W] + # mask = mask.repeat(1, num_frames, 1, 1) # [1, f, H, W] + mask = mask.to(pipeline.dtype).to(device) + + ##### Mask End ###### + + ### Got blending pose features Start ### + + pose_features = [] + for i in range(0, len(cur_pose_features)): + kernel_size = kernel_sizes[i] + h, w = cur_pose_features[i].shape[-2:] + + if fix_pose_features is None: + pose_features.append(torch.zeros_like(cur_pose_features[i])) + else: + pose_features.append(fix_pose_features[i]) + + cur_mask = F.interpolate(mask, (h, w), mode='bilinear', align_corners=False) + cur_mask = dilate_mask_pytorch(cur_mask, kernel_size=kernel_size) # [1, 1, H, W] + cur_mask = cur_mask.repeat(1, num_frames, 1, 1) # [1, f, H, W] + + if DEBUG: + # visulize mask + mask_vis = cur_mask[0, 0].cpu().numpy() * 255.0 + mask_vis = Image.fromarray(mask_vis.astype(np.uint8)) + mask_vis.save(f'{cur_OUTPUT_PATH}/mask_k{kernel_size}_scale{i}.png') + + cur_mask = cur_mask[None, ...] # [1, 1, f, H, W] + pose_features[-1] = cur_pose_features[i] * cur_mask + pose_features[-1] * (1 - cur_mask) + + ### Got blending pose features End ### + + ##### Warp Noise Start ###### + + if shared_wapring_latents: + noise = latents_org[0, 0].data.cpu().numpy().copy() #[14, 4, 40, 72] + noise = np.transpose(noise, (1, 2, 0)) # [40, 72, 4] + + try: + warp_noise = Unprojected(noise, depth_down, RTs, H=H, W=W, K=K) + warp_noise.insert(0, noise) + except: + print(f'!!! Noise is too small to warp; mask to bbox') + + warp_noise = [noise] + for i in range(1, num_frames): + shift_x = int(round(P[i][0] - P[0][0])) + shift_y = int(round(P[i][1] - P[0][1])) + + cur_noise= roll_with_ignore_multidim(noise, [shift_y, shift_x]) + warp_noise.append(cur_noise) + + warp_noise = np.stack(warp_noise, axis=0) # [f, h, w, 4] + + if DEBUG: + ## visulize warp noise + warp_noise_vis = torch.tensor(warp_noise)[..., :3] * torch.tensor(warped_masks) + warp_noise_vis = (warp_noise_vis - warp_noise_vis.min()) / (warp_noise_vis.max() - warp_noise_vis.min()) + warp_noise_vis = (warp_noise_vis * 255.0).to(torch.uint8) + + torchvision.io.write_video(f'{cur_OUTPUT_PATH}/warp_noise.mp4', warp_noise_vis, fps=10, video_codec='h264', options={'crf': '10'}) + + + warp_latents = torch.tensor(warp_noise).permute(0, 3, 1, 2).to(latents_org.device).to(latents_org.dtype) # [frame, 4, H, W] + warp_latents = warp_latents.unsqueeze(0) # [1, frame, 4, H, W] + + warped_masks = torch.tensor(warped_masks).permute(0, 3, 1, 2).unsqueeze(0) # [1, frame, 3, H, W] + mask_extend = torch.concat([warped_masks, warped_masks[:,:,0:1]], dim=2) # [1, frame, 4, H, W] + mask_extend = mask_extend.to(latents_org.device).to(latents_org.dtype) + + warp_latents = warp_latents * mask_extend + latents_org * (1 - mask_extend) + warp_latents = warp_latents.permute(0, 2, 1, 3, 4) + random_noise = latents_org.clone().permute(0, 2, 1, 3, 4) + + filter_shape = warp_latents.shape + + freq_filter = get_freq_filter( + filter_shape, + device = device, + filter_type='butterworth', + n=4, + d_s=ds, + d_t=dt + ) + + warp_latents = freq_mix_3d(warp_latents, random_noise, freq_filter) + warp_latents = warp_latents.permute(0, 2, 1, 3, 4) + + else: + warp_latents = latents_org.clone() + + generator.manual_seed(42) + + with torch.no_grad(): + result = pipeline( + image=condition_image, + pose_embedding=cur_plucker_embedding, + height=height, + width=width, + num_frames=num_frames, + num_inference_steps=num_inference_steps, + min_guidance_scale=min_guidance_scale, + max_guidance_scale=max_guidance_scale, + do_image_process=True, + generator=generator, + output_type='pt', + pose_features= pose_features, + latents = warp_latents + ).frames[0].cpu() #[f, c, h, w] + + + result = rearrange(result, 'f c h w -> f h w c') + result = (result * 255.0).to(torch.uint8) + + video_path = tempfile.NamedTemporaryFile(suffix='.mp4').name + torchvision.io.write_video(video_path, result, fps=10, video_codec='h264', options={'crf': '8'}) + + return video_path + + return run_objctrl_2_5d + + \ No newline at end of file diff --git a/objctrl_2_5d/utils/customized_cam.py b/objctrl_2_5d/utils/customized_cam.py new file mode 100644 index 0000000000000000000000000000000000000000..f9b94c0b39e7b433c74ec2ebd9a57be9fd12135f --- /dev/null +++ b/objctrl_2_5d/utils/customized_cam.py @@ -0,0 +1,90 @@ +import numpy as np + +def rotation(num_poses, rotation_angle=360, radius=1.0, height=0.81): + ''' + Input: + num_poses: number of poses + rotation_angle: angle of rotation in degrees + radius: radius of rotation + height: height of the camera above the ground + + Output: + poses: list of rotation matrices and translation vectors + ''' + + poses = [] + + rotation_angle_rad = np.deg2rad(rotation_angle) + angle_step = rotation_angle_rad / num_poses + + for i in range(num_poses): + + theta = i * angle_step + + # Rotation matrix + R = np.array([ + [np.cos(theta), 0, np.sin(theta)], + [0, 1, 0], + [-np.sin(theta), 0, np.cos(theta)] + ]) + + # Translation vector + t = np.array([0.01 * np.sin(theta), 0, height - 0.01 * np.cos(theta)]) + + # Combine rotation matrix and translation vector into RT matrix + RT = np.hstack((R, t.reshape(-1, 1))) + poses.append(RT) + + poses = np.stack(poses, axis=0) + + return poses + +def clockwise(angle, n_frames): + # Convert angle to radians + angle_rad = np.deg2rad(angle) + + # Determine the direction of rotation based on the sign of the angle + if angle_rad < 0: + clockwise = True + angle_rad = -angle_rad # Make the angle positive for calculation + else: + clockwise = False + + # Generate rotation matrices for each frame + rotation_matrices = [] + for i in range(n_frames): + theta = i * angle_rad / (n_frames - 1) + if clockwise: + theta = -theta + R = np.array([ + [np.cos(theta), -np.sin(theta), 0], + [np.sin(theta), np.cos(theta), 0], + [0, 0, 1] + ]) + rotation_matrices.append(R) + + # Generate translation vectors (assuming no translation) + translation_vectors = [np.zeros((3, 1)) for _ in range(n_frames)] + + # Combine rotation matrices and translation vectors into RT matrices + RT_matrices = [] + for R, T in zip(rotation_matrices, translation_vectors): + RT = np.hstack((R, T)) + RT_matrices.append(RT) + + RT_matrices = np.stack(RT_matrices, axis=0) + + return RT_matrices + +def pan_and_zoom(T, speed, base_T=1.5, n=16): + RT = [] + for i in range(n): + R = np.array([[1.0, 0.0, 0.0], + [0, 1.0, 0.0], + [0.0, 0.0, 1.0]]) + _T=(i/n)*speed*base_T*(T[i]) + _RT = np.concatenate([R,_T], axis=1) + RT.append(_RT) + RT = np.stack(RT) + + return RT \ No newline at end of file diff --git a/objctrl_2_5d/utils/examples.py b/objctrl_2_5d/utils/examples.py new file mode 100644 index 0000000000000000000000000000000000000000..bc9947b2d08cba0737689b428553c60aad772cdc --- /dev/null +++ b/objctrl_2_5d/utils/examples.py @@ -0,0 +1,199 @@ + +import ast +CAMERA_MODE = ["Traj2Cam", "Rotate", "Clockwise", "Translate"] + + +def sync_points(points_str): + return ast.literal_eval(points_str) # convert string to list + +examples = [ + + # Traj2Cam + [ + {"image": "./assets/images/image_1.png"}, # raw_input + 1.0, # rescale + 1.0, # speed + 60, # angle + 0, # Tx + 0, # Ty + 0, # Tz + CAMERA_MODE[0], # camera_option + "Fixed", # bg_mode + False, # shared_wapring_latents + True, # scale_wise_masks + 0.5, # ds + 0.5, # dt + "42", # seed + "[[231, 122], [413, 154]]" + ], + + # Cloud + [ + {"image": "./assets/images/image_6.png"}, # raw_input + 0, # rescale + 4.0, # speed + 60, # angle + 0, # Tx + 0, # Ty + -1, # Tz + CAMERA_MODE[3], # camera_option + "Fixed", # bg_mode + False, # shared_wapring_latents + True, # scale_wise_masks + 0.5, # ds + 0.5, # dt + "42", # seed + [] # points + ], + + [ + {"image": "./assets/images/image_6.png"}, # raw_input + 0, # rescale + 4.0, # speed + 60, # angle + 1, # Tx + 0, # Ty + 0, # Tz + CAMERA_MODE[3], # camera_option + "Fixed", # bg_mode + False, # shared_wapring_latents + True, # scale_wise_masks + 0.5, # ds + 0.5, # dt + "42", # seed + [] # points + ], + + [ + {"image": "./assets/images/image_6.png"}, # raw_input + 0, # rescale + 4.0, # speed + 60, # angle + -1, # Tx + 0, # Ty + 0, # Tz + CAMERA_MODE[3], # camera_option + "Fixed", # bg_mode + False, # shared_wapring_latents + True, # scale_wise_masks + 0.5, # ds + 0.5, # dt + "42", # seed + [] # points + ], + + # ACW + [ + {"image": "./assets/images/00043.png"}, # raw_input + 0, # rescale + 1.0, # speed + 60, # angle + 0, # Tx + 0, # Ty + 0, # Tz + CAMERA_MODE[2], # camera_option + "Fixed", # bg_mode + True, # shared_wapring_latents + True, # scale_wise_masks + 0.5, # ds + 0.5, # dt + "42", # seed + [] # points + ], + + + # Rotation + [ + {"image": "./assets/images/rose_320x576.png"}, # raw_input + 0, # rescale + 1.0, # speed + 60, # angle + 0, # Tx + 0, # Ty + 0, # Tz + CAMERA_MODE[1], # camera_option + "Fixed", # bg_mode + False, # shared_wapring_latents + True, # scale_wise_masks + 0.5, # ds + 0.5, # dt + "42", # seed + [] # points + ], + [ + {"image": "./assets/images/00051.png"}, # raw_input + 0, # rescale + 1.0, # speed + 60, # angle + 0, # Tx + 0, # Ty + 0, # Tz + CAMERA_MODE[1], # camera_option + "Fixed", # bg_mode + False, # shared_wapring_latents + True, # scale_wise_masks + 0.5, # ds + 0.5, # dt + "42", # seed + [] # points + ], + + # bg + # Traj2Cam + [ + {"image": "./assets/images/00034.png"}, # raw_input + 1.0, # rescale + 1.0, # speed + 60, # angle + 0, # Tx + 0, # Ty + 0, # Tz + CAMERA_MODE[0], # camera_option + "Fixed", # bg_mode + False, # shared_wapring_latents + True, # scale_wise_masks + 0.5, # ds + 0.5, # dt + "42", # seed + [[33, 285], [35, 279], [37, 276], [39, 273], [42, 269], [44, 267], [47, 264], [50, 260], [51, 257], [55, 254], [57, 252], [62, 248], [68, 245], [74, 241]] # points + ], + + # Traj2Cam + [ + {"image": "./assets/images/00034.png"}, # raw_input + 1.0, # rescale + 1.0, # speed + 60, # angle + 0, # Tx + 0, # Ty + 0, # Tz + CAMERA_MODE[0], # camera_option + "Reverse", # bg_mode + False, # shared_wapring_latents + True, # scale_wise_masks + 0.5, # ds + 0.5, # dt + "42", # seed + [[33, 285], [35, 279], [37, 276], [39, 273], [42, 269], [44, 267], [47, 264], [50, 260], [51, 257], [55, 254], [57, 252], [62, 248], [68, 245], [74, 241]] # points + ], + + # Traj2Cam + [ + {"image": "./assets/images/00034.png"}, # raw_input + 1.0, # rescale + 1.0, # speed + 60, # angle + 0, # Tx + 0, # Ty + 0, # Tz + CAMERA_MODE[0], # camera_option + "Free", # bg_mode + False, # shared_wapring_latents + True, # scale_wise_masks + 0.5, # ds + 0.5, # dt + "42", # seed + [[33, 285], [35, 279], [37, 276], [39, 273], [42, 269], [44, 267], [47, 264], [50, 260], [51, 257], [55, 254], [57, 252], [62, 248], [68, 245], [74, 241]] # points + ], + + ] \ No newline at end of file diff --git a/objctrl_2_5d/utils/filter_utils.py b/objctrl_2_5d/utils/filter_utils.py new file mode 100644 index 0000000000000000000000000000000000000000..6932276b154796d1b28135b36ab7e9651833d1f7 --- /dev/null +++ b/objctrl_2_5d/utils/filter_utils.py @@ -0,0 +1,168 @@ +import torch +import torch.fft as fft +import math + + +def gaussian_2d(x=0, y=0, mx=0, my=0, sx=1, sy=1): + """ 2d Gaussian weight function + """ + gaussian_map = ( + 1 + / (2 * math.pi * sx * sy) + * torch.exp(-((x - mx) ** 2 / (2 * sx**2) + (y - my) ** 2 / (2 * sy**2))) + ) + gaussian_map.div_(gaussian_map.max()) + return gaussian_map + +def gaussian_weight(height=32, width=32, KERNEL_DIVISION=3.0): + + x = torch.linspace(0, height, height) + y = torch.linspace(0, width, width) + x, y = torch.meshgrid(x, y, indexing="ij") + noise_patch = ( + gaussian_2d( + x, + y, + mx=int(height / 2), + my=int(width / 2), + sx=float(height / KERNEL_DIVISION), + sy=float(width / KERNEL_DIVISION), + ) + ).half() + return noise_patch + +def freq_mix_3d(x, noise, LPF): + """ + Noise reinitialization. + + Args: + x: diffused latent + noise: randomly sampled noise + LPF: low pass filter + """ + # FFT + x_freq = fft.fftn(x, dim=(-3, -2, -1)) + x_freq = fft.fftshift(x_freq, dim=(-3, -2, -1)) + noise_freq = fft.fftn(noise, dim=(-3, -2, -1)) + noise_freq = fft.fftshift(noise_freq, dim=(-3, -2, -1)) + + # frequency mix + HPF = 1 - LPF + x_freq_low = x_freq * LPF + noise_freq_high = noise_freq * HPF + x_freq_mixed = x_freq_low + noise_freq_high # mix in freq domain + + # IFFT + x_freq_mixed = fft.ifftshift(x_freq_mixed, dim=(-3, -2, -1)) + x_mixed = fft.ifftn(x_freq_mixed, dim=(-3, -2, -1)).real + + return x_mixed + + +def get_freq_filter(shape, device, filter_type, n, d_s, d_t): + """ + Form the frequency filter for noise reinitialization. + + Args: + shape: shape of latent (B, C, T, H, W) + filter_type: type of the freq filter + n: (only for butterworth) order of the filter, larger n ~ ideal, smaller n ~ gaussian + d_s: normalized stop frequency for spatial dimensions (0.0-1.0) + d_t: normalized stop frequency for temporal dimension (0.0-1.0) + """ + if filter_type == "gaussian": + return gaussian_low_pass_filter(shape=shape, d_s=d_s, d_t=d_t).to(device) + elif filter_type == "ideal": + return ideal_low_pass_filter(shape=shape, d_s=d_s, d_t=d_t).to(device) + elif filter_type == "box": + return box_low_pass_filter(shape=shape, d_s=d_s, d_t=d_t).to(device) + elif filter_type == "butterworth": + return butterworth_low_pass_filter(shape=shape, n=n, d_s=d_s, d_t=d_t).to(device) + else: + raise NotImplementedError + +def gaussian_low_pass_filter(shape, d_s=0.25, d_t=0.25): + """ + Compute the gaussian low pass filter mask. + + Args: + shape: shape of the filter (volume) + d_s: normalized stop frequency for spatial dimensions (0.0-1.0) + d_t: normalized stop frequency for temporal dimension (0.0-1.0) + """ + T, H, W = shape[-3], shape[-2], shape[-1] + mask = torch.zeros(shape) + if d_s==0 or d_t==0: + return mask + for t in range(T): + for h in range(H): + for w in range(W): + d_square = (((d_s/d_t)*(2*t/T-1))**2 + (2*h/H-1)**2 + (2*w/W-1)**2) + mask[..., t,h,w] = math.exp(-1/(2*d_s**2) * d_square) + return mask + + +def butterworth_low_pass_filter(shape, n=4, d_s=0.25, d_t=0.25): + """ + Compute the butterworth low pass filter mask. + + Args: + shape: shape of the filter (volume) + n: order of the filter, larger n ~ ideal, smaller n ~ gaussian + d_s: normalized stop frequency for spatial dimensions (0.0-1.0) + d_t: normalized stop frequency for temporal dimension (0.0-1.0) + """ + T, H, W = shape[-3], shape[-2], shape[-1] + mask = torch.zeros(shape) + if d_s==0 or d_t==0: + return mask + for t in range(T): + for h in range(H): + for w in range(W): + d_square = (((d_s/d_t)*(2*t/T-1))**2 + (2*h/H-1)**2 + (2*w/W-1)**2) + mask[..., t,h,w] = 1 / (1 + (d_square / d_s**2)**n) + return mask + + +def ideal_low_pass_filter(shape, d_s=0.25, d_t=0.25): + """ + Compute the ideal low pass filter mask. + + Args: + shape: shape of the filter (volume) + d_s: normalized stop frequency for spatial dimensions (0.0-1.0) + d_t: normalized stop frequency for temporal dimension (0.0-1.0) + """ + T, H, W = shape[-3], shape[-2], shape[-1] + mask = torch.zeros(shape) + if d_s==0 or d_t==0: + return mask + for t in range(T): + for h in range(H): + for w in range(W): + d_square = (((d_s/d_t)*(2*t/T-1))**2 + (2*h/H-1)**2 + (2*w/W-1)**2) + mask[..., t,h,w] = 1 if d_square <= d_s*2 else 0 + return mask + + +def box_low_pass_filter(shape, d_s=0.25, d_t=0.25): + """ + Compute the ideal low pass filter mask (approximated version). + + Args: + shape: shape of the filter (volume) + d_s: normalized stop frequency for spatial dimensions (0.0-1.0) + d_t: normalized stop frequency for temporal dimension (0.0-1.0) + """ + T, H, W = shape[-3], shape[-2], shape[-1] + mask = torch.zeros(shape) + if d_s==0 or d_t==0: + return mask + + threshold_s = round(int(H // 2) * d_s) + threshold_t = round(T // 2 * d_t) + + cframe, crow, ccol = T // 2, H // 2, W //2 + mask[..., cframe - threshold_t:cframe + threshold_t, crow - threshold_s:crow + threshold_s, ccol - threshold_s:ccol + threshold_s] = 1.0 + + return mask diff --git a/objctrl_2_5d/utils/objmask_util.py b/objctrl_2_5d/utils/objmask_util.py new file mode 100644 index 0000000000000000000000000000000000000000..cc53ee078cbfd085b1d7a4ce25823c08c2a34313 --- /dev/null +++ b/objctrl_2_5d/utils/objmask_util.py @@ -0,0 +1,345 @@ +import os +from scipy.interpolate import griddata as interp_grid +from tqdm import tqdm +import numpy as np +import cv2 +from PIL import Image + + +import torch +from packaging import version as pver + +import torch.nn.functional as F + + +def trajectory_to_camera_poses_v1(traj, intrinsics, sample_n_frames, zc = 1.0): + if not isinstance(zc, list): + assert isinstance(zc, float) or isinstance(zc, int), 'zc should be a float or int or a list of float or int' + zc = [zc] * traj.shape[0] + zc = np.array(zc, dtype=traj.dtype) + xc = (traj[:, 0] - intrinsics[0, 2]) * zc / intrinsics[0, 0] + yc = (traj[:, 1] - intrinsics[0, 3]) * zc / intrinsics[0, 1] + + first_frame_w2c = np.array([ + [1, 0, 0, 0], + [0, 1, 0, 0], + [0, 0, 1, 0], + [0, 0, 0, 1] + ], dtype=np.float32) + + xw = xc[0] + yw = yc[0] + zw = zc[0] + + # zw = 0 + # print(f'zw: {zw}') + Tx = xc - xw + Ty = yc - yw + Tz = zc - zw + + traj_w2c = [first_frame_w2c] + for i in range(1, sample_n_frames): + w2c_mat = np.array([ + [1, 0, 0, Tx[i]], + [0, 1, 0, Ty[i]], + [0, 0, 1, Tz[i]], + [0, 0, 0, 1] + ], dtype=first_frame_w2c.dtype) + traj_w2c.append(w2c_mat) + traj_w2c = np.stack(traj_w2c, axis=0) + + + return traj_w2c # [n_frame, 4, 4] + +def Unprojected(image_curr: np.array, + depth_curr: np.array, + RTs: np.array, + H: int = 320, W: int = 576, + K: np.array = None, + dtype: np.dtype = np.float32): + ''' + image_curr: [H, W, c], float, 0-1 + depth_curr: [H, W], float32, in meters + RTs: [num_frames, 3, 4], the camera poses, w2c + ''' + x, y = np.meshgrid(np.arange(W, dtype=dtype), np.arange(H, dtype=dtype), indexing='xy') # pixels + + + # ceter_depth = np.mean(depth_curr[cam.H//2-10:cam.H//2+10, cam.W//2-10:cam.W//2+10]) + + RTs = RTs.astype(dtype) + depth_curr = depth_curr.astype(dtype) + image_curr = image_curr.reshape(H*W, -1).astype(dtype) # [0, 1] + + R0, T0 = RTs[0, :, :3], RTs[0, :, 3:4] + # new_pts_coord_world2 = image_curr + + pts_coord_cam = np.matmul(np.linalg.inv(K), np.stack((x*depth_curr, y*depth_curr, 1*depth_curr), axis=0).reshape(3,-1)) + new_pts_coord_world2 = (np.linalg.inv(R0).dot(pts_coord_cam) - np.linalg.inv(R0).dot(T0)) ## new_pts_coord_world2 + new_pts_colors2 = image_curr ## new_pts_colors2 + + pts_coord_world, pts_colors = new_pts_coord_world2.copy(), new_pts_colors2.copy() + + + images = [] + for i in tqdm(range(1, RTs.shape[0])): + R, T = RTs[i, :, :3], RTs[i, :, 3:4] + + ### Transform world to pixel + pts_coord_cam2 = R.dot(pts_coord_world) + T ### Same with c2w*world_coord (in homogeneous space) + pixel_coord_cam2 = np.matmul(K, pts_coord_cam2) #.reshape(3,H,W).transpose(1,2,0).astype(np.float32) + + valid_idx = np.where(np.logical_and.reduce((pixel_coord_cam2[2]>0, + pixel_coord_cam2[0]/pixel_coord_cam2[2]>=0, + pixel_coord_cam2[0]/pixel_coord_cam2[2]<=W-1, + pixel_coord_cam2[1]/pixel_coord_cam2[2]>=0, + pixel_coord_cam2[1]/pixel_coord_cam2[2]<=H-1)))[0] + + pixel_coord_cam2 = pixel_coord_cam2[:2, valid_idx]/pixel_coord_cam2[-1:, valid_idx] + # round_coord_cam2 = np.round(pixel_coord_cam2).astype(np.int32) + + x, y = np.meshgrid(np.arange(W, dtype=dtype), np.arange(H, dtype=dtype), indexing='xy') + grid = np.stack((x,y), axis=-1).reshape(-1,2) + image2 = interp_grid(pixel_coord_cam2.transpose(1,0), pts_colors[valid_idx], grid, method='linear', fill_value=0).reshape(H,W,-1) + + images.append(image2) + + print(f'Total {len(images)} images, each image shape: {images[0].shape}') + return images + + +class Camera(object): + def __init__(self, entry): + fx, fy, cx, cy = entry[1:5] + self.fx = fx + self.fy = fy + self.cx = cx + self.cy = cy + w2c_mat = np.array(entry[7:]).reshape(3, 4) + w2c_mat_4x4 = np.eye(4) + w2c_mat_4x4[:3, :] = w2c_mat + self.w2c_mat = w2c_mat_4x4 + self.c2w_mat = np.linalg.inv(w2c_mat_4x4) + +def get_relative_pose(cam_params, zero_t_first_frame): + abs_w2cs = [cam_param.w2c_mat for cam_param in cam_params] + abs_c2ws = [cam_param.c2w_mat for cam_param in cam_params] + source_cam_c2w = abs_c2ws[0] + if zero_t_first_frame: + cam_to_origin = 0 + else: + cam_to_origin = np.linalg.norm(source_cam_c2w[:3, 3]) + target_cam_c2w = np.array([ + [1, 0, 0, 0], + [0, 1, 0, -cam_to_origin], + [0, 0, 1, 0], + [0, 0, 0, 1] + ]) + abs2rel = target_cam_c2w @ abs_w2cs[0] + ret_poses = [target_cam_c2w, ] + [abs2rel @ abs_c2w for abs_c2w in abs_c2ws[1:]] + ret_poses = np.array(ret_poses, dtype=np.float32) + return ret_poses + +def custom_meshgrid(*args): + # ref: https://pytorch.org/docs/stable/generated/torch.meshgrid.html?highlight=meshgrid#torch.meshgrid + if pver.parse(torch.__version__) < pver.parse('1.10'): + return torch.meshgrid(*args) + else: + return torch.meshgrid(*args, indexing='ij') + +def ray_condition(K, c2w, H, W, device, flip_flag=None): + # c2w: B, V, 4, 4 + # K: B, V, 4 + + B, V = K.shape[:2] + + j, i = custom_meshgrid( + torch.linspace(0, H - 1, H, device=device, dtype=c2w.dtype), + torch.linspace(0, W - 1, W, device=device, dtype=c2w.dtype), + ) + i = i.reshape([1, 1, H * W]).expand([B, V, H * W]) + 0.5 # [B, V, HxW] + j = j.reshape([1, 1, H * W]).expand([B, V, H * W]) + 0.5 # [B, V, HxW] + + n_flip = torch.sum(flip_flag).item() if flip_flag is not None else 0 + if n_flip > 0: + j_flip, i_flip = custom_meshgrid( + torch.linspace(0, H - 1, H, device=device, dtype=c2w.dtype), + torch.linspace(W - 1, 0, W, device=device, dtype=c2w.dtype) + ) + i_flip = i_flip.reshape([1, 1, H * W]).expand(B, 1, H * W) + 0.5 + j_flip = j_flip.reshape([1, 1, H * W]).expand(B, 1, H * W) + 0.5 + i[:, flip_flag, ...] = i_flip + j[:, flip_flag, ...] = j_flip + + fx, fy, cx, cy = K.chunk(4, dim=-1) # B,V, 1 + + zs = torch.ones_like(i) # [B, V, HxW] + xs = (i - cx) / fx * zs + ys = (j - cy) / fy * zs + zs = zs.expand_as(ys) + + directions = torch.stack((xs, ys, zs), dim=-1) # B, V, HW, 3 + directions = directions / directions.norm(dim=-1, keepdim=True) # B, V, HW, 3 + + rays_d = directions @ c2w[..., :3, :3].transpose(-1, -2) # B, V, HW, 3 + rays_o = c2w[..., :3, 3] # B, V, 3 + rays_o = rays_o[:, :, None].expand_as(rays_d) # B, V, HW, 3 + # c2w @ dirctions + rays_dxo = torch.cross(rays_o, rays_d) # B, V, HW, 3 + plucker = torch.cat([rays_dxo, rays_d], dim=-1) + plucker = plucker.reshape(B, c2w.shape[1], H, W, 6) # B, V, H, W, 6 + # plucker = plucker.permute(0, 1, 4, 2, 3) + return plucker, rays_o, rays_d + +def RT2Plucker(RT, num_frames, sample_size, fx, fy, cx, cy): + ''' + RT: [num_frames, 3, 4] + ''' + cam_params = [] + for i in range(num_frames): + cam_params.append(Camera([0, fx, fy, cx, cy, 0, 0, RT[i].reshape(-1)])) + + print(cam_params[0].c2w_mat.shape) + + intrinsics = np.asarray([[cam_param.fx * sample_size[1], + cam_param.fy * sample_size[0], + cam_param.cx * sample_size[1], + cam_param.cy * sample_size[0]] + for cam_param in cam_params], dtype=np.float32) + intrinsics = torch.as_tensor(intrinsics)[None] + + print(intrinsics.shape) + + relative_pose = True + zero_t_first_frame = True + use_flip = False + + if relative_pose: + c2w_poses = get_relative_pose(cam_params, zero_t_first_frame) + else: + c2w_poses = np.array([cam_param.c2w_mat for cam_param in cam_params], dtype=np.float32) + c2w = torch.as_tensor(c2w_poses)[None] # [1, n_frame, 4, 4] + + flip_flag = torch.zeros(num_frames, dtype=torch.bool, device=c2w.device) + + plucker_embedding, rays_o, rays_d = ray_condition(intrinsics, c2w, sample_size[0], sample_size[1], device='cpu', + flip_flag=flip_flag) + plucker_embedding = plucker_embedding[0].permute(0, 3, 1, 2).contiguous() # V, 6, H, W + + plucker_embedding = plucker_embedding.permute(1, 0, 2, 3).contiguous() # 6, V, H, W + + return plucker_embedding, rays_o, rays_d + + +def visualized_trajectories(images, trajectories, save_path, save_each_frame=False): + ''' + images: [n_frame, H, W, 3], numpy, 0-255 + trajectories: [[n_frame, 2]], list[numpy], x, y + save_path: str, end with .gif + ''' + pil_image = [] + H, W = images.shape[1], images.shape[2] + n_frame = images.shape[0] + for i in range(n_frame): + image = images[i].astype(np.uint8) + image = cv2.UMat(image) + # print(f'image: {image.shape} {image.dtype} {type(image)}') + # + for traj in trajectories: + line_data = traj[:i+1] + if len(line_data) == 1: + y = int(round(line_data[0][1])) + x = int(round(line_data[0][0])) + if y >= H: + y = H - 1 + if line_data[0][0] >= W: + x = W - 1 + # image[y, x] = [255, 0, 0] + cv2.circle(image, (x, y), 1, (0, 255, 0), 8) + else: + + for j in range(1, len(line_data)): + x0, y0 = int(round(line_data[j-1][0])), int(round(line_data[j-1][1])) + x1, y1 = int(round(line_data[j][0])), int(round(line_data[j][1])) + if y0 >= H: + y0 = H - 1 + if y1 >= H: + y1 = H - 1 + if x0 >= W: + x0 = W - 1 + if x1 >= W: + x1 = W - 1 + if x0 != x1 or y0 != y1: + if j == len(line_data) - 1: + line_length = np.sqrt((x1 - x0) ** 2 + (y1 - y0) ** 2) + arrow_head_length = 10 + tip_length = arrow_head_length / line_length + cv2.arrowedLine(image, (x0, y0), (x1, y1), (255, 0, 0), 6, tipLength=tip_length) + else: + cv2.line(image, (x0, y0), (x1, y1), (255, 0, 0), 6) + cv2.circle(image, (x, y), 1, (0, 255, 0), 8) + # cv2.circle(image, (x1, y1), 1, (0, 0, 255), 5) + image = cv2.UMat.get(image) + pil_image.append(Image.fromarray(image)) + + pil_image[0].save(save_path, save_all=True, append_images=pil_image[1:], loop=0, duration=100) + + # save each frame + if save_each_frame: + img_save_root = save_path.replace('.gif', '') + os.makedirs(img_save_root, exist_ok=True) + for i, img in enumerate(pil_image): + img.save(os.path.join(img_save_root, f'{i:05d}.png')) + +def roll_with_ignore_multidim(arr, shifts): + result = np.copy(arr) + for axis, shift in enumerate(shifts): + result = roll_with_ignore(result, shift, axis) + return result + +def roll_with_ignore(arr, shift, axis): + result = np.zeros_like(arr) + if shift > 0: + result[tuple(slice(shift, None) if i == axis else slice(None) for i in range(arr.ndim))] = \ + arr[tuple(slice(None, -shift) if i == axis else slice(None) for i in range(arr.ndim))] + elif shift < 0: + result[tuple(slice(None, shift) if i == axis else slice(None) for i in range(arr.ndim))] = \ + arr[tuple(slice(-shift, None) if i == axis else slice(None) for i in range(arr.ndim))] + else: + result = arr + return result + + +def dilate_mask_pytorch(mask, kernel_size=2): + ''' + mask: torch.Tensor, shape [b, c, h, w] + kernel_size: int + ''' + + # Define a smaller kernel for the dilation + kernel = torch.ones((1, 1, kernel_size, kernel_size), dtype=mask.dtype, device=mask.device) + + # Perform the dilation operation + dilated_mask = F.conv2d(mask, kernel, padding=kernel_size//2) + + # Ensure the output is still a binary mask (0 and 1) + dilated_mask = (dilated_mask > 0).to(mask.dtype).to(mask.device) + + return dilated_mask + +def smooth_mask(mask, kernel_size=3): + ''' + mask: torch.Tensor, shape [b, c, h, w] + kernel_size: int + ''' + + # Define a Gaussian kernel for smoothing + kernel = torch.ones((1, 1, kernel_size, kernel_size), dtype=mask.dtype, device=mask.device) / (kernel_size * kernel_size) + + # Perform the smoothing operation + smoothed_mask = F.conv2d(mask, kernel, padding=kernel_size//2) + + # Ensure the output is still a binary mask (0 and 1) + smoothed_mask = (smoothed_mask > 0.5).to(mask.dtype).to(mask.device) + + return smoothed_mask diff --git a/objctrl_2_5d/utils/ui_utils.py b/objctrl_2_5d/utils/ui_utils.py new file mode 100644 index 0000000000000000000000000000000000000000..fad59103e413a76ad95f57d7aafa076f891601d4 --- /dev/null +++ b/objctrl_2_5d/utils/ui_utils.py @@ -0,0 +1,264 @@ +import gradio as gr +from PIL import Image +import numpy as np + +from copy import deepcopy +import cv2 +import torch + +from ZoeDepth.zoedepth.utils.misc import colorize + +from objctrl_2_5d.utils.vis_camera import vis_camera_rescale +from objctrl_2_5d.utils.objmask_util import trajectory_to_camera_poses_v1 +from objctrl_2_5d.utils.customized_cam import rotation, clockwise, pan_and_zoom + + +zc_threshold = 0.2 +depth_scale_ = 5.2 +center_margin = 10 + +height, width = 320, 576 +num_frames = 14 + +intrinsics = np.array([[float(width), float(width), float(width) / 2, float(height) / 2]]) +intrinsics = np.repeat(intrinsics, num_frames, axis=0) # [n_frame, 4] +fx = intrinsics[0, 0] / width +fy = intrinsics[0, 1] / height +cx = intrinsics[0, 2] / width +cy = intrinsics[0, 3] / height + +def process_image(raw_image): + + + image, points = raw_image['image'], raw_image['points'] + + print(points) + + try: + assert(len(points)) == 1, "Please select only one point" + [x1, y1, _, x2, y2, _] = points[0] + + image = image.crop((x1, y1, x2, y2)) + image = image.resize((width, height)) + except: + image = image.resize((width, height)) + + return image, gr.update(value={'image': image}) + +# -------------- general UI functionality -------------- + +def get_subject_points(canvas): + return canvas["image"], canvas["points"] + +def run_segment(segmentor): + def segment(canvas, image, logits): + if logits is not None: + logits *= 32.0 + _, points = get_subject_points(canvas) + image = np.array(image) + + with torch.inference_mode(), torch.autocast("cuda", dtype=torch.bfloat16): + segmentor.set_image(image) + input_points = [] + input_boxes = [] + for p in points: + [x1, y1, _, x2, y2, _] = p + if x2==0 and y2==0: + input_points.append([x1, y1]) + else: + input_boxes.append([x1, y1, x2, y2]) + if len(input_points) == 0: + input_points = None + input_labels = None + else: + input_points = np.array(input_points) + input_labels = np.ones(len(input_points)) + if len(input_boxes) == 0: + input_boxes = None + else: + input_boxes = np.array(input_boxes) + masks, _, logits = segmentor.predict( + point_coords=input_points, + point_labels=input_labels, + box=input_boxes, + multimask_output=False, + return_logits=True, + mask_input=logits, + ) + mask = masks > 0 + masked_img = mask_image(image, mask[0], color=[252, 140, 90], alpha=0.9) + masked_img = Image.fromarray(masked_img) + + return mask[0], masked_img, masked_img, logits / 32.0 + + return segment + +def mask_image(image, + mask, + color=[255,0,0], + alpha=0.5): + """ Overlay mask on image for visualization purpose. + Args: + image (H, W, 3) or (H, W): input image + mask (H, W): mask to be overlaid + color: the color of overlaid mask + alpha: the transparency of the mask + """ + out = deepcopy(image) + img = deepcopy(image) + img[mask == 1] = color + out = cv2.addWeighted(img, alpha, out, 1-alpha, 0, out) + return out + +def get_points(img, + sel_pix, + evt: gr.SelectData): + + # collect the selected point + img = np.array(img) + img = deepcopy(img) + sel_pix.append(evt.index) + # only draw the last two points + # if len(sel_pix) > 2: + # sel_pix = sel_pix[-2:] + points = [] + for idx, point in enumerate(sel_pix): + if idx % 2 == 0: + # draw a red circle at the handle point + cv2.circle(img, tuple(point), 10, (255, 0, 0), -1) + else: + # draw a blue circle at the handle point + cv2.circle(img, tuple(point), 10, (0, 0, 255), -1) + points.append(tuple(point)) + # draw an arrow from handle point to target point + # if len(points) == idx + 1: + if idx > 0: + cv2.arrowedLine(img, points[idx-1], points[idx], (255, 255, 255), 4, tipLength=0.5) + # points = [] + + return img if isinstance(img, np.ndarray) else np.array(img), sel_pix + +# clear all handle/target points +def undo_points(original_image): + return original_image, [] + +def run_depth(d_model_NK): + def get_depth(image, points): + + depth = d_model_NK.infer_pil(image) + colored_depth = colorize(depth, cmap='gray_r') # [h, w, 4] 0-255 + + depth_img = deepcopy(colored_depth[:, :, :3]) + if len(points) > 0: + for idx, point in enumerate(points): + if idx % 2 == 0: + cv2.circle(depth_img, tuple(point), 10, (255, 0, 0), -1) + else: + cv2.circle(depth_img, tuple(point), 10, (0, 0, 255), -1) + if idx > 0: + cv2.arrowedLine(depth_img, points[idx-1], points[idx], (255, 255, 255), 4, tipLength=0.5) + + return depth, depth_img, colored_depth[:, :, :3] + + return get_depth + + +def interpolate_points(points, num_points): + x = points[:, 0] + y = points[:, 1] + + # Interpolating the points + t = np.linspace(0, 1, len(points)) + t_new = np.linspace(0, 1, num_points) + + x_new = np.interp(t_new, t, x) + y_new = np.interp(t_new, t, y) + + return np.vstack((x_new, y_new)).T # [] + +def traj2cam(traj, depth, rescale): + + traj = np.array(traj) + trajectory = interpolate_points(traj, num_frames) + + center_h_margin, center_w_margin = center_margin, center_margin + depth_center = np.mean(depth[height//2-center_h_margin:height//2+center_h_margin, width//2-center_w_margin:width//2+center_w_margin]) + + depth_rescale = round(depth_scale_ * rescale / depth_center, 2) + r_depth = depth * depth_rescale + + zc = [] + for i in range(num_frames): + zc.append(r_depth[int(trajectory[i][1]), int(trajectory[i][0])]) + print(f'zc: {zc}') + + ## norm zc + zc_norm = np.array(zc) + zc_grad = zc_norm[1:] - zc_norm[:-1] + zc_grad = np.abs(zc_grad) + zc_grad = zc_grad[1:] - zc_grad[:-1] + zc_grad_std = np.std(zc_grad) + + if zc_grad_std > zc_threshold: + zc = [zc[0]] * num_frames + + print(f'zc_grad_std: {zc_grad_std}, zc_threshold: {zc_threshold}') + print(f'zc: {zc}') + + traj_w2c = trajectory_to_camera_poses_v1(trajectory, intrinsics, num_frames, zc=zc) # numpy: [n_frame, 4, 4] + RTs = traj_w2c[:, :3] + fig = vis_camera_rescale(RTs) + + return RTs, fig + +def get_rotate_cam(angle, depth): + # mean_depth = np.mean(depth * mask) + center_h_margin, center_w_margin = center_margin, center_margin + depth_center = np.mean(depth[height//2-center_h_margin:height//2+center_h_margin, width//2-center_w_margin:width//2+center_w_margin]) + print(f'rotate depth_center: {depth_center}') + + RTs = rotation(num_frames, angle, depth_center, depth_center) + fig = vis_camera_rescale(RTs) + + return RTs, fig + +def get_clockwise_cam(angle, depth, mask): + mask = mask.astype(np.float32) # [0, 1] + mean_depth = np.mean(depth * mask) + # center_h_margin, center_w_margin = center_margin, center_margin + # depth_center = np.mean(depth[height//2-center_h_margin:height//2+center_h_margin, width//2-center_w_margin:width//2+center_w_margin]) + + RTs = clockwise(angle, num_frames) + + RTs[:, -1, -1] = mean_depth + fig = vis_camera_rescale(RTs) + + return RTs, fig + +def get_translate_cam(Tx, Ty, Tz, depth, mask, speed): + mask = mask.astype(np.float32) # [0, 1] + + mean_depth = np.mean(depth * mask) + + T = np.array([Tx, Ty, Tz]) + T = T.reshape(3, 1) + T = T[None, ...].repeat(num_frames, axis=0) + + RTs = pan_and_zoom(T, speed, n=num_frames) + RTs[:, -1, -1] += mean_depth + fig = vis_camera_rescale(RTs) + + return RTs, fig + +def get_camera_pose(camera_mode): + def trigger_camera_pose(camera_option, selected_points, depth, mask, rescale, angle, Tx, Ty, Tz, speed): + if camera_option == camera_mode[0]: # traj2cam + return traj2cam(selected_points, depth, rescale) + elif camera_option == camera_mode[1]: # rotate + return get_rotate_cam(angle, depth) + elif camera_option == camera_mode[2]: # clockwise + return get_clockwise_cam(angle, depth, mask) + elif camera_option == camera_mode[3]: # translate + return get_translate_cam(Tx, Ty, Tz, depth, mask, speed) + + return trigger_camera_pose diff --git a/objctrl_2_5d/utils/vis_camera.py b/objctrl_2_5d/utils/vis_camera.py new file mode 100644 index 0000000000000000000000000000000000000000..ed998d78d09eb3a06718d44712ea5931dab8340f --- /dev/null +++ b/objctrl_2_5d/utils/vis_camera.py @@ -0,0 +1,194 @@ +import numpy as np +import plotly.express as px +import plotly.graph_objects as go +import plotly.colors as pc + +def vis_camera(RT_list, rescale_T=1): + fig = go.Figure() + showticklabels = True + visible = True + # scene_bounds = 1.5 + scene_bounds = 2.0 + base_radius = 2.5 + zoom_scale = 1.5 + fov_deg = 50.0 + + edges = [(0, 1), (0, 2), (0, 3), (1, 2), (2, 3), (3, 1), (3, 4)] + + colors = px.colors.qualitative.Plotly + + cone_list = [] + n = len(RT_list) + color_scale = pc.sample_colorscale("Reds", [i / (len(RT_list) - 1) for i in range(len(RT_list))]) + # color_scale = pc.sample_colorscale("Blues ", [0.3 + 0.7 * i / (len(RT_list) - 1) for i in range(len(RT_list))]) + color_scale = pc.sample_colorscale("Blues", [0.4 + 0.6 * i / (len(RT_list) - 1) for i in range(len(RT_list))]) + # color_scale = pc.sample_colorscale("Cividis", [0.3 + 0.7 * i / (len(RT_list) - 1) for i in range(len(RT_list))]) + # color_scale = pc.sample_colorscale("Viridis", [0.3 + 0.7 * i / (len(RT_list) - 1) for i in range(len(RT_list))]) + + + + for i, RT in enumerate(RT_list): + R = RT[:,:3] + T = RT[:,-1]/rescale_T + cone = calc_cam_cone_pts_3d_org(R, T, fov_deg, scale=0.15) + # cone_list.append((cone, (i*1/n, "green"), f"view_{i}")) + # color = colors[i % len(colors)] # 从颜色列表中循环选择颜色 + cone_list.append((cone, color_scale[i], f"view_{i}")) + + + for (cone, clr, legend) in cone_list: + for (i, edge) in enumerate(edges): + (x1, x2) = (cone[edge[0], 0], cone[edge[1], 0]) + (y1, y2) = (cone[edge[0], 1], cone[edge[1], 1]) + (z1, z2) = (cone[edge[0], 2], cone[edge[1], 2]) + fig.add_trace(go.Scatter3d( + x=[x1, x2], y=[y1, y2], z=[z1, z2], mode='lines', + line=dict(color=clr, width=6), + # line={ + # 'size': 30, + # 'opacity': 0.8, + # }, + name=legend, showlegend=(i == 0))) + fig.update_layout( + height=500, + autosize=True, + # hovermode=False, + margin=go.layout.Margin(l=0, r=0, b=0, t=0), + + showlegend=True, + legend=dict( + yanchor='bottom', + y=0.01, + xanchor='right', + x=0.99, + ), + scene=dict( + aspectmode='manual', + aspectratio=dict(x=1, y=1, z=1.0), + camera=dict( + center=dict(x=0.0, y=0.0, z=0.0), + up=dict(x=0.0, y=-1.0, z=0.0), + eye=dict(x=scene_bounds/2, y=-scene_bounds/2, z=-scene_bounds/2), + ), + + xaxis=dict( + range=[-scene_bounds, scene_bounds], + showticklabels=showticklabels, + visible=visible, + ), + + + yaxis=dict( + range=[-scene_bounds, scene_bounds], + showticklabels=showticklabels, + visible=visible, + ), + + + zaxis=dict( + range=[-scene_bounds, scene_bounds], + showticklabels=showticklabels, + visible=visible, + ) + )) + + return fig + + +def calc_cam_cone_pts_3d(R_W2C, T_W2C, fov_deg, scale=1.0, set_canonical=False, first_frame_RT=None): + fov_rad = np.deg2rad(fov_deg) + R_W2C_inv = np.linalg.inv(R_W2C) + + # 定义视锥体的长度 + height = scale # 视锥体的高度 + width = height * np.tan(fov_rad / 2) # 视锥体在给定FOV下的宽度 + + # 计算相机中心位置 + T = np.zeros_like(T_W2C) - T_W2C + T = np.dot(R_W2C_inv, T) + cam_x, cam_y, cam_z = T + + # 定义视锥体的四个顶点 + corn1 = np.array([width, width, height]) + corn2 = np.array([-width, width, height]) + corn3 = np.array([-width, -width, height]) + corn4 = np.array([width, -width, height]) + + # 将顶点从相机坐标转换到世界坐标 + corners = np.stack([corn1, corn2, corn3, corn4]) - T_W2C + corners = np.dot(R_W2C_inv, corners.T).T + + # 将视锥体顶点与相机中心坐标组合 + xs = [cam_x] + corners[:, 0].tolist() + ys = [cam_y] + corners[:, 1].tolist() + zs = [cam_z] + corners[:, 2].tolist() + + return np.array([xs, ys, zs]).T + + +def calc_cam_cone_pts_3d_org(R_W2C, T_W2C, fov_deg, scale=0.1, set_canonical=False, first_frame_RT=None): + fov_rad = np.deg2rad(fov_deg) + R_W2C_inv = np.linalg.inv(R_W2C) + + # Camera pose center: + T = np.zeros_like(T_W2C) - T_W2C + T = np.dot(R_W2C_inv, T) + cam_x = T[0] + cam_y = T[1] + cam_z = T[2] + if set_canonical: + T = np.zeros_like(T_W2C) + T = np.dot(first_frame_RT[:,:3], T) + first_frame_RT[:,-1] + T = T - T_W2C + T = np.dot(R_W2C_inv, T) + cam_x = T[0] + cam_y = T[1] + cam_z = T[2] + + # vertex + corn1 = np.array([np.tan(fov_rad / 2.0), 0.5*np.tan(fov_rad / 2.0), 1.0]) *scale + corn2 = np.array([-np.tan(fov_rad / 2.0), 0.5*np.tan(fov_rad / 2.0), 1.0]) *scale + corn3 = np.array([0, -0.25*np.tan(fov_rad / 2.0), 1.0]) *scale + corn4 = np.array([0, -0.5*np.tan(fov_rad / 2.0), 1.0]) *scale + + corn1 = corn1 - T_W2C + corn2 = corn2 - T_W2C + corn3 = corn3 - T_W2C + corn4 = corn4 - T_W2C + + corn1 = np.dot(R_W2C_inv, corn1) + corn2 = np.dot(R_W2C_inv, corn2) + corn3 = np.dot(R_W2C_inv, corn3) + corn4 = np.dot(R_W2C_inv, corn4) + + # Now attach as offset to actual 3D camera position: + corn_x1 = corn1[0] + corn_y1 = corn1[1] + corn_z1 = corn1[2] + + corn_x2 = corn2[0] + corn_y2 = corn2[1] + corn_z2 = corn2[2] + + corn_x3 = corn3[0] + corn_y3 = corn3[1] + corn_z3 = corn3[2] + + corn_x4 = corn4[0] + corn_y4 = corn4[1] + corn_z4 = corn4[2] + + + xs = [cam_x, corn_x1, corn_x2, corn_x3, corn_x4, ] + ys = [cam_y, corn_y1, corn_y2, corn_y3, corn_y4, ] + zs = [cam_z, corn_z1, corn_z2, corn_z3, corn_z4, ] + + return np.array([xs, ys, zs]).T + + +def vis_camera_rescale(RTs): + rescale_T = 1.0 + rescale_T = max(rescale_T, np.max(np.abs(RTs[:, :, -1])) / 1.9) + fig = vis_camera(RTs, rescale_T=rescale_T) + # fig.show() + return fig \ No newline at end of file diff --git a/requirements.txt b/requirements.txt new file mode 100644 index 0000000000000000000000000000000000000000..f9e0b57e65bf8a8c6e05b86298a1d3ac12ce4a7a --- /dev/null +++ b/requirements.txt @@ -0,0 +1 @@ +gradio-image-prompter \ No newline at end of file diff --git a/sam2/__init__.py b/sam2/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..0712dd03cb280ab94ba04f8a32aa8ddc8aa3db4a --- /dev/null +++ b/sam2/__init__.py @@ -0,0 +1,11 @@ +# Copyright (c) Meta Platforms, Inc. and affiliates. +# All rights reserved. + +# This source code is licensed under the license found in the +# LICENSE file in the root directory of this source tree. + +from hydra import initialize_config_module +from hydra.core.global_hydra import GlobalHydra + +if not GlobalHydra.instance().is_initialized(): + initialize_config_module("sam2", version_base="1.2") diff --git a/sam2/automatic_mask_generator.py b/sam2/automatic_mask_generator.py new file mode 100644 index 0000000000000000000000000000000000000000..065e469e27c2d3af40d51d072031e828692c799b --- /dev/null +++ b/sam2/automatic_mask_generator.py @@ -0,0 +1,454 @@ +# Copyright (c) Meta Platforms, Inc. and affiliates. +# All rights reserved. + +# This source code is licensed under the license found in the +# LICENSE file in the root directory of this source tree. + +# Adapted from https://github.com/facebookresearch/segment-anything/blob/main/segment_anything/automatic_mask_generator.py +from typing import Any, Dict, List, Optional, Tuple + +import numpy as np +import torch +from torchvision.ops.boxes import batched_nms, box_area # type: ignore + +from sam2.modeling.sam2_base import SAM2Base +from sam2.sam2_image_predictor import SAM2ImagePredictor +from sam2.utils.amg import ( + area_from_rle, + batch_iterator, + batched_mask_to_box, + box_xyxy_to_xywh, + build_all_layer_point_grids, + calculate_stability_score, + coco_encode_rle, + generate_crop_boxes, + is_box_near_crop_edge, + mask_to_rle_pytorch, + MaskData, + remove_small_regions, + rle_to_mask, + uncrop_boxes_xyxy, + uncrop_masks, + uncrop_points, +) + + +class SAM2AutomaticMaskGenerator: + def __init__( + self, + model: SAM2Base, + points_per_side: Optional[int] = 32, + points_per_batch: int = 64, + pred_iou_thresh: float = 0.8, + stability_score_thresh: float = 0.95, + stability_score_offset: float = 1.0, + mask_threshold: float = 0.0, + box_nms_thresh: float = 0.7, + crop_n_layers: int = 0, + crop_nms_thresh: float = 0.7, + crop_overlap_ratio: float = 512 / 1500, + crop_n_points_downscale_factor: int = 1, + point_grids: Optional[List[np.ndarray]] = None, + min_mask_region_area: int = 0, + output_mode: str = "binary_mask", + use_m2m: bool = False, + multimask_output: bool = True, + **kwargs, + ) -> None: + """ + Using a SAM 2 model, generates masks for the entire image. + Generates a grid of point prompts over the image, then filters + low quality and duplicate masks. The default settings are chosen + for SAM 2 with a HieraL backbone. + + Arguments: + model (Sam): The SAM 2 model to use for mask prediction. + points_per_side (int or None): The number of points to be sampled + along one side of the image. The total number of points is + points_per_side**2. If None, 'point_grids' must provide explicit + point sampling. + points_per_batch (int): Sets the number of points run simultaneously + by the model. Higher numbers may be faster but use more GPU memory. + pred_iou_thresh (float): A filtering threshold in [0,1], using the + model's predicted mask quality. + stability_score_thresh (float): A filtering threshold in [0,1], using + the stability of the mask under changes to the cutoff used to binarize + the model's mask predictions. + stability_score_offset (float): The amount to shift the cutoff when + calculated the stability score. + mask_threshold (float): Threshold for binarizing the mask logits + box_nms_thresh (float): The box IoU cutoff used by non-maximal + suppression to filter duplicate masks. + crop_n_layers (int): If >0, mask prediction will be run again on + crops of the image. Sets the number of layers to run, where each + layer has 2**i_layer number of image crops. + crop_nms_thresh (float): The box IoU cutoff used by non-maximal + suppression to filter duplicate masks between different crops. + crop_overlap_ratio (float): Sets the degree to which crops overlap. + In the first crop layer, crops will overlap by this fraction of + the image length. Later layers with more crops scale down this overlap. + crop_n_points_downscale_factor (int): The number of points-per-side + sampled in layer n is scaled down by crop_n_points_downscale_factor**n. + point_grids (list(np.ndarray) or None): A list over explicit grids + of points used for sampling, normalized to [0,1]. The nth grid in the + list is used in the nth crop layer. Exclusive with points_per_side. + min_mask_region_area (int): If >0, postprocessing will be applied + to remove disconnected regions and holes in masks with area smaller + than min_mask_region_area. Requires opencv. + output_mode (str): The form masks are returned in. Can be 'binary_mask', + 'uncompressed_rle', or 'coco_rle'. 'coco_rle' requires pycocotools. + For large resolutions, 'binary_mask' may consume large amounts of + memory. + use_m2m (bool): Whether to add a one step refinement using previous mask predictions. + multimask_output (bool): Whether to output multimask at each point of the grid. + """ + + assert (points_per_side is None) != ( + point_grids is None + ), "Exactly one of points_per_side or point_grid must be provided." + if points_per_side is not None: + self.point_grids = build_all_layer_point_grids( + points_per_side, + crop_n_layers, + crop_n_points_downscale_factor, + ) + elif point_grids is not None: + self.point_grids = point_grids + else: + raise ValueError("Can't have both points_per_side and point_grid be None.") + + assert output_mode in [ + "binary_mask", + "uncompressed_rle", + "coco_rle", + ], f"Unknown output_mode {output_mode}." + if output_mode == "coco_rle": + try: + from pycocotools import mask as mask_utils # type: ignore # noqa: F401 + except ImportError as e: + print("Please install pycocotools") + raise e + + self.predictor = SAM2ImagePredictor( + model, + max_hole_area=min_mask_region_area, + max_sprinkle_area=min_mask_region_area, + ) + self.points_per_batch = points_per_batch + self.pred_iou_thresh = pred_iou_thresh + self.stability_score_thresh = stability_score_thresh + self.stability_score_offset = stability_score_offset + self.mask_threshold = mask_threshold + self.box_nms_thresh = box_nms_thresh + self.crop_n_layers = crop_n_layers + self.crop_nms_thresh = crop_nms_thresh + self.crop_overlap_ratio = crop_overlap_ratio + self.crop_n_points_downscale_factor = crop_n_points_downscale_factor + self.min_mask_region_area = min_mask_region_area + self.output_mode = output_mode + self.use_m2m = use_m2m + self.multimask_output = multimask_output + + @classmethod + def from_pretrained(cls, model_id: str, **kwargs) -> "SAM2AutomaticMaskGenerator": + """ + Load a pretrained model from the Hugging Face hub. + + Arguments: + model_id (str): The Hugging Face repository ID. + **kwargs: Additional arguments to pass to the model constructor. + + Returns: + (SAM2AutomaticMaskGenerator): The loaded model. + """ + from sam2.build_sam import build_sam2_hf + + sam_model = build_sam2_hf(model_id, **kwargs) + return cls(sam_model, **kwargs) + + @torch.no_grad() + def generate(self, image: np.ndarray) -> List[Dict[str, Any]]: + """ + Generates masks for the given image. + + Arguments: + image (np.ndarray): The image to generate masks for, in HWC uint8 format. + + Returns: + list(dict(str, any)): A list over records for masks. Each record is + a dict containing the following keys: + segmentation (dict(str, any) or np.ndarray): The mask. If + output_mode='binary_mask', is an array of shape HW. Otherwise, + is a dictionary containing the RLE. + bbox (list(float)): The box around the mask, in XYWH format. + area (int): The area in pixels of the mask. + predicted_iou (float): The model's own prediction of the mask's + quality. This is filtered by the pred_iou_thresh parameter. + point_coords (list(list(float))): The point coordinates input + to the model to generate this mask. + stability_score (float): A measure of the mask's quality. This + is filtered on using the stability_score_thresh parameter. + crop_box (list(float)): The crop of the image used to generate + the mask, given in XYWH format. + """ + + # Generate masks + mask_data = self._generate_masks(image) + + # Encode masks + if self.output_mode == "coco_rle": + mask_data["segmentations"] = [ + coco_encode_rle(rle) for rle in mask_data["rles"] + ] + elif self.output_mode == "binary_mask": + mask_data["segmentations"] = [rle_to_mask(rle) for rle in mask_data["rles"]] + else: + mask_data["segmentations"] = mask_data["rles"] + + # Write mask records + curr_anns = [] + for idx in range(len(mask_data["segmentations"])): + ann = { + "segmentation": mask_data["segmentations"][idx], + "area": area_from_rle(mask_data["rles"][idx]), + "bbox": box_xyxy_to_xywh(mask_data["boxes"][idx]).tolist(), + "predicted_iou": mask_data["iou_preds"][idx].item(), + "point_coords": [mask_data["points"][idx].tolist()], + "stability_score": mask_data["stability_score"][idx].item(), + "crop_box": box_xyxy_to_xywh(mask_data["crop_boxes"][idx]).tolist(), + } + curr_anns.append(ann) + + return curr_anns + + def _generate_masks(self, image: np.ndarray) -> MaskData: + orig_size = image.shape[:2] + crop_boxes, layer_idxs = generate_crop_boxes( + orig_size, self.crop_n_layers, self.crop_overlap_ratio + ) + + # Iterate over image crops + data = MaskData() + for crop_box, layer_idx in zip(crop_boxes, layer_idxs): + crop_data = self._process_crop(image, crop_box, layer_idx, orig_size) + data.cat(crop_data) + + # Remove duplicate masks between crops + if len(crop_boxes) > 1: + # Prefer masks from smaller crops + scores = 1 / box_area(data["crop_boxes"]) + scores = scores.to(data["boxes"].device) + keep_by_nms = batched_nms( + data["boxes"].float(), + scores, + torch.zeros_like(data["boxes"][:, 0]), # categories + iou_threshold=self.crop_nms_thresh, + ) + data.filter(keep_by_nms) + data.to_numpy() + return data + + def _process_crop( + self, + image: np.ndarray, + crop_box: List[int], + crop_layer_idx: int, + orig_size: Tuple[int, ...], + ) -> MaskData: + # Crop the image and calculate embeddings + x0, y0, x1, y1 = crop_box + cropped_im = image[y0:y1, x0:x1, :] + cropped_im_size = cropped_im.shape[:2] + self.predictor.set_image(cropped_im) + + # Get points for this crop + points_scale = np.array(cropped_im_size)[None, ::-1] + points_for_image = self.point_grids[crop_layer_idx] * points_scale + + # Generate masks for this crop in batches + data = MaskData() + for (points,) in batch_iterator(self.points_per_batch, points_for_image): + batch_data = self._process_batch( + points, cropped_im_size, crop_box, orig_size, normalize=True + ) + data.cat(batch_data) + del batch_data + self.predictor.reset_predictor() + + # Remove duplicates within this crop. + keep_by_nms = batched_nms( + data["boxes"].float(), + data["iou_preds"], + torch.zeros_like(data["boxes"][:, 0]), # categories + iou_threshold=self.box_nms_thresh, + ) + data.filter(keep_by_nms) + + # Return to the original image frame + data["boxes"] = uncrop_boxes_xyxy(data["boxes"], crop_box) + data["points"] = uncrop_points(data["points"], crop_box) + data["crop_boxes"] = torch.tensor([crop_box for _ in range(len(data["rles"]))]) + + return data + + def _process_batch( + self, + points: np.ndarray, + im_size: Tuple[int, ...], + crop_box: List[int], + orig_size: Tuple[int, ...], + normalize=False, + ) -> MaskData: + orig_h, orig_w = orig_size + + # Run model on this batch + points = torch.as_tensor( + points, dtype=torch.float32, device=self.predictor.device + ) + in_points = self.predictor._transforms.transform_coords( + points, normalize=normalize, orig_hw=im_size + ) + in_labels = torch.ones( + in_points.shape[0], dtype=torch.int, device=in_points.device + ) + masks, iou_preds, low_res_masks = self.predictor._predict( + in_points[:, None, :], + in_labels[:, None], + multimask_output=self.multimask_output, + return_logits=True, + ) + + # Serialize predictions and store in MaskData + data = MaskData( + masks=masks.flatten(0, 1), + iou_preds=iou_preds.flatten(0, 1), + points=points.repeat_interleave(masks.shape[1], dim=0), + low_res_masks=low_res_masks.flatten(0, 1), + ) + del masks + + if not self.use_m2m: + # Filter by predicted IoU + if self.pred_iou_thresh > 0.0: + keep_mask = data["iou_preds"] > self.pred_iou_thresh + data.filter(keep_mask) + + # Calculate and filter by stability score + data["stability_score"] = calculate_stability_score( + data["masks"], self.mask_threshold, self.stability_score_offset + ) + if self.stability_score_thresh > 0.0: + keep_mask = data["stability_score"] >= self.stability_score_thresh + data.filter(keep_mask) + else: + # One step refinement using previous mask predictions + in_points = self.predictor._transforms.transform_coords( + data["points"], normalize=normalize, orig_hw=im_size + ) + labels = torch.ones( + in_points.shape[0], dtype=torch.int, device=in_points.device + ) + masks, ious = self.refine_with_m2m( + in_points, labels, data["low_res_masks"], self.points_per_batch + ) + data["masks"] = masks.squeeze(1) + data["iou_preds"] = ious.squeeze(1) + + if self.pred_iou_thresh > 0.0: + keep_mask = data["iou_preds"] > self.pred_iou_thresh + data.filter(keep_mask) + + data["stability_score"] = calculate_stability_score( + data["masks"], self.mask_threshold, self.stability_score_offset + ) + if self.stability_score_thresh > 0.0: + keep_mask = data["stability_score"] >= self.stability_score_thresh + data.filter(keep_mask) + + # Threshold masks and calculate boxes + data["masks"] = data["masks"] > self.mask_threshold + data["boxes"] = batched_mask_to_box(data["masks"]) + + # Filter boxes that touch crop boundaries + keep_mask = ~is_box_near_crop_edge( + data["boxes"], crop_box, [0, 0, orig_w, orig_h] + ) + if not torch.all(keep_mask): + data.filter(keep_mask) + + # Compress to RLE + data["masks"] = uncrop_masks(data["masks"], crop_box, orig_h, orig_w) + data["rles"] = mask_to_rle_pytorch(data["masks"]) + del data["masks"] + + return data + + @staticmethod + def postprocess_small_regions( + mask_data: MaskData, min_area: int, nms_thresh: float + ) -> MaskData: + """ + Removes small disconnected regions and holes in masks, then reruns + box NMS to remove any new duplicates. + + Edits mask_data in place. + + Requires open-cv as a dependency. + """ + if len(mask_data["rles"]) == 0: + return mask_data + + # Filter small disconnected regions and holes + new_masks = [] + scores = [] + for rle in mask_data["rles"]: + mask = rle_to_mask(rle) + + mask, changed = remove_small_regions(mask, min_area, mode="holes") + unchanged = not changed + mask, changed = remove_small_regions(mask, min_area, mode="islands") + unchanged = unchanged and not changed + + new_masks.append(torch.as_tensor(mask).unsqueeze(0)) + # Give score=0 to changed masks and score=1 to unchanged masks + # so NMS will prefer ones that didn't need postprocessing + scores.append(float(unchanged)) + + # Recalculate boxes and remove any new duplicates + masks = torch.cat(new_masks, dim=0) + boxes = batched_mask_to_box(masks) + keep_by_nms = batched_nms( + boxes.float(), + torch.as_tensor(scores), + torch.zeros_like(boxes[:, 0]), # categories + iou_threshold=nms_thresh, + ) + + # Only recalculate RLEs for masks that have changed + for i_mask in keep_by_nms: + if scores[i_mask] == 0.0: + mask_torch = masks[i_mask].unsqueeze(0) + mask_data["rles"][i_mask] = mask_to_rle_pytorch(mask_torch)[0] + mask_data["boxes"][i_mask] = boxes[i_mask] # update res directly + mask_data.filter(keep_by_nms) + + return mask_data + + def refine_with_m2m(self, points, point_labels, low_res_masks, points_per_batch): + new_masks = [] + new_iou_preds = [] + + for cur_points, cur_point_labels, low_res_mask in batch_iterator( + points_per_batch, points, point_labels, low_res_masks + ): + best_masks, best_iou_preds, _ = self.predictor._predict( + cur_points[:, None, :], + cur_point_labels[:, None], + mask_input=low_res_mask[:, None, :], + multimask_output=False, + return_logits=True, + ) + new_masks.append(best_masks) + new_iou_preds.append(best_iou_preds) + masks = torch.cat(new_masks, dim=0) + return masks, torch.cat(new_iou_preds, dim=0) diff --git a/sam2/build_sam.py b/sam2/build_sam.py new file mode 100644 index 0000000000000000000000000000000000000000..223dcd51db70aebcf0536a2bb9d9ec2308a17fa5 --- /dev/null +++ b/sam2/build_sam.py @@ -0,0 +1,167 @@ +# Copyright (c) Meta Platforms, Inc. and affiliates. +# All rights reserved. + +# This source code is licensed under the license found in the +# LICENSE file in the root directory of this source tree. + +import logging +import os + +import torch +from hydra import compose +from hydra.utils import instantiate +from omegaconf import OmegaConf + +import sam2 + +# Check if the user is running Python from the parent directory of the sam2 repo +# (i.e. the directory where this repo is cloned into) -- this is not supported since +# it could shadow the sam2 package and cause issues. +if os.path.isdir(os.path.join(sam2.__path__[0], "sam2")): + # If the user has "sam2/sam2" in their path, they are likey importing the repo itself + # as "sam2" rather than importing the "sam2" python package (i.e. "sam2/sam2" directory). + # This typically happens because the user is running Python from the parent directory + # that contains the sam2 repo they cloned. + raise RuntimeError( + "You're likely running Python from the parent directory of the sam2 repository " + "(i.e. the directory where https://github.com/facebookresearch/sam2 is cloned into). " + "This is not supported since the `sam2` Python package could be shadowed by the " + "repository name (the repository is also named `sam2` and contains the Python package " + "in `sam2/sam2`). Please run Python from another directory (e.g. from the repo dir " + "rather than its parent dir, or from your home directory) after installing SAM 2." + ) + + +HF_MODEL_ID_TO_FILENAMES = { + "facebook/sam2-hiera-tiny": ( + "configs/sam2/sam2_hiera_t.yaml", + "sam2_hiera_tiny.pt", + ), + "facebook/sam2-hiera-small": ( + "configs/sam2/sam2_hiera_s.yaml", + "sam2_hiera_small.pt", + ), + "facebook/sam2-hiera-base-plus": ( + "configs/sam2/sam2_hiera_b+.yaml", + "sam2_hiera_base_plus.pt", + ), + "facebook/sam2-hiera-large": ( + "configs/sam2/sam2_hiera_l.yaml", + "sam2_hiera_large.pt", + ), + "facebook/sam2.1-hiera-tiny": ( + "configs/sam2.1/sam2.1_hiera_t.yaml", + "sam2.1_hiera_tiny.pt", + ), + "facebook/sam2.1-hiera-small": ( + "configs/sam2.1/sam2.1_hiera_s.yaml", + "sam2.1_hiera_small.pt", + ), + "facebook/sam2.1-hiera-base-plus": ( + "configs/sam2.1/sam2.1_hiera_b+.yaml", + "sam2.1_hiera_base_plus.pt", + ), + "facebook/sam2.1-hiera-large": ( + "configs/sam2.1/sam2.1_hiera_l.yaml", + "sam2.1_hiera_large.pt", + ), +} + + +def build_sam2( + config_file, + ckpt_path=None, + device="cuda", + mode="eval", + hydra_overrides_extra=[], + apply_postprocessing=True, + **kwargs, +): + + if apply_postprocessing: + hydra_overrides_extra = hydra_overrides_extra.copy() + hydra_overrides_extra += [ + # dynamically fall back to multi-mask if the single mask is not stable + "++model.sam_mask_decoder_extra_args.dynamic_multimask_via_stability=true", + "++model.sam_mask_decoder_extra_args.dynamic_multimask_stability_delta=0.05", + "++model.sam_mask_decoder_extra_args.dynamic_multimask_stability_thresh=0.98", + ] + # Read config and init model + cfg = compose(config_name=config_file, overrides=hydra_overrides_extra) + OmegaConf.resolve(cfg) + model = instantiate(cfg.model, _recursive_=True) + _load_checkpoint(model, ckpt_path) + model = model.to(device) + if mode == "eval": + model.eval() + return model + + +def build_sam2_video_predictor( + config_file, + ckpt_path=None, + device="cuda", + mode="eval", + hydra_overrides_extra=[], + apply_postprocessing=True, + **kwargs, +): + hydra_overrides = [ + "++model._target_=sam2.sam2_video_predictor.SAM2VideoPredictor", + ] + if apply_postprocessing: + hydra_overrides_extra = hydra_overrides_extra.copy() + hydra_overrides_extra += [ + # dynamically fall back to multi-mask if the single mask is not stable + "++model.sam_mask_decoder_extra_args.dynamic_multimask_via_stability=true", + "++model.sam_mask_decoder_extra_args.dynamic_multimask_stability_delta=0.05", + "++model.sam_mask_decoder_extra_args.dynamic_multimask_stability_thresh=0.98", + # the sigmoid mask logits on interacted frames with clicks in the memory encoder so that the encoded masks are exactly as what users see from clicking + "++model.binarize_mask_from_pts_for_mem_enc=true", + # fill small holes in the low-res masks up to `fill_hole_area` (before resizing them to the original video resolution) + "++model.fill_hole_area=8", + ] + hydra_overrides.extend(hydra_overrides_extra) + + # Read config and init model + cfg = compose(config_name=config_file, overrides=hydra_overrides) + OmegaConf.resolve(cfg) + model = instantiate(cfg.model, _recursive_=True) + _load_checkpoint(model, ckpt_path) + model = model.to(device) + if mode == "eval": + model.eval() + return model + + +def _hf_download(model_id, **kwargs): + from huggingface_hub import hf_hub_download + + config_name, checkpoint_name = HF_MODEL_ID_TO_FILENAMES[model_id] + ckpt_path = hf_hub_download(repo_id=model_id, filename=checkpoint_name, **kwargs) + return config_name, ckpt_path + + +def build_sam2_hf(model_id, cache_dir, device): + config_name, ckpt_path = _hf_download(model_id, cache_dir=cache_dir) + return build_sam2(config_file=config_name, ckpt_path=ckpt_path, device=device) + + +def build_sam2_video_predictor_hf(model_id, **kwargs): + config_name, ckpt_path = _hf_download(model_id) + return build_sam2_video_predictor( + config_file=config_name, ckpt_path=ckpt_path, **kwargs + ) + + +def _load_checkpoint(model, ckpt_path): + if ckpt_path is not None: + sd = torch.load(ckpt_path, map_location="cpu", weights_only=True)["model"] + missing_keys, unexpected_keys = model.load_state_dict(sd) + if missing_keys: + logging.error(missing_keys) + raise RuntimeError() + if unexpected_keys: + logging.error(unexpected_keys) + raise RuntimeError() + logging.info("Loaded checkpoint sucessfully") diff --git a/sam2/configs/sam2.1/sam2.1_hiera_b+.yaml b/sam2/configs/sam2.1/sam2.1_hiera_b+.yaml new file mode 100644 index 0000000000000000000000000000000000000000..cbee3cf9b3977ebe4cc868797a9bfa9e348cb3a3 --- /dev/null +++ b/sam2/configs/sam2.1/sam2.1_hiera_b+.yaml @@ -0,0 +1,116 @@ +# @package _global_ + +# Model +model: + _target_: sam2.modeling.sam2_base.SAM2Base + image_encoder: + _target_: sam2.modeling.backbones.image_encoder.ImageEncoder + scalp: 1 + trunk: + _target_: sam2.modeling.backbones.hieradet.Hiera + embed_dim: 112 + num_heads: 2 + neck: + _target_: sam2.modeling.backbones.image_encoder.FpnNeck + position_encoding: + _target_: sam2.modeling.position_encoding.PositionEmbeddingSine + num_pos_feats: 256 + normalize: true + scale: null + temperature: 10000 + d_model: 256 + backbone_channel_list: [896, 448, 224, 112] + fpn_top_down_levels: [2, 3] # output level 0 and 1 directly use the backbone features + fpn_interp_model: nearest + + memory_attention: + _target_: sam2.modeling.memory_attention.MemoryAttention + d_model: 256 + pos_enc_at_input: true + layer: + _target_: sam2.modeling.memory_attention.MemoryAttentionLayer + activation: relu + dim_feedforward: 2048 + dropout: 0.1 + pos_enc_at_attn: false + self_attention: + _target_: sam2.modeling.sam.transformer.RoPEAttention + rope_theta: 10000.0 + feat_sizes: [32, 32] + embedding_dim: 256 + num_heads: 1 + downsample_rate: 1 + dropout: 0.1 + d_model: 256 + pos_enc_at_cross_attn_keys: true + pos_enc_at_cross_attn_queries: false + cross_attention: + _target_: sam2.modeling.sam.transformer.RoPEAttention + rope_theta: 10000.0 + feat_sizes: [32, 32] + rope_k_repeat: True + embedding_dim: 256 + num_heads: 1 + downsample_rate: 1 + dropout: 0.1 + kv_in_dim: 64 + num_layers: 4 + + memory_encoder: + _target_: sam2.modeling.memory_encoder.MemoryEncoder + out_dim: 64 + position_encoding: + _target_: sam2.modeling.position_encoding.PositionEmbeddingSine + num_pos_feats: 64 + normalize: true + scale: null + temperature: 10000 + mask_downsampler: + _target_: sam2.modeling.memory_encoder.MaskDownSampler + kernel_size: 3 + stride: 2 + padding: 1 + fuser: + _target_: sam2.modeling.memory_encoder.Fuser + layer: + _target_: sam2.modeling.memory_encoder.CXBlock + dim: 256 + kernel_size: 7 + padding: 3 + layer_scale_init_value: 1e-6 + use_dwconv: True # depth-wise convs + num_layers: 2 + + num_maskmem: 7 + image_size: 1024 + # apply scaled sigmoid on mask logits for memory encoder, and directly feed input mask as output mask + sigmoid_scale_for_mem_enc: 20.0 + sigmoid_bias_for_mem_enc: -10.0 + use_mask_input_as_output_without_sam: true + # Memory + directly_add_no_mem_embed: true + no_obj_embed_spatial: true + # use high-resolution feature map in the SAM mask decoder + use_high_res_features_in_sam: true + # output 3 masks on the first click on initial conditioning frames + multimask_output_in_sam: true + # SAM heads + iou_prediction_use_sigmoid: True + # cross-attend to object pointers from other frames (based on SAM output tokens) in the encoder + use_obj_ptrs_in_encoder: true + add_tpos_enc_to_obj_ptrs: true + proj_tpos_enc_in_obj_ptrs: true + use_signed_tpos_enc_to_obj_ptrs: true + only_obj_ptrs_in_the_past_for_eval: true + # object occlusion prediction + pred_obj_scores: true + pred_obj_scores_mlp: true + fixed_no_obj_ptr: true + # multimask tracking settings + multimask_output_for_tracking: true + use_multimask_token_for_obj_ptr: true + multimask_min_pt_num: 0 + multimask_max_pt_num: 1 + use_mlp_for_obj_ptr_proj: true + # Compilation flag + compile_image_encoder: False diff --git a/sam2/configs/sam2.1/sam2.1_hiera_l.yaml b/sam2/configs/sam2.1/sam2.1_hiera_l.yaml new file mode 100644 index 0000000000000000000000000000000000000000..33c9097f34ea90beae52776eb88ad8eb1632ab66 --- /dev/null +++ b/sam2/configs/sam2.1/sam2.1_hiera_l.yaml @@ -0,0 +1,120 @@ +# @package _global_ + +# Model +model: + _target_: sam2.modeling.sam2_base.SAM2Base + image_encoder: + _target_: sam2.modeling.backbones.image_encoder.ImageEncoder + scalp: 1 + trunk: + _target_: sam2.modeling.backbones.hieradet.Hiera + embed_dim: 144 + num_heads: 2 + stages: [2, 6, 36, 4] + global_att_blocks: [23, 33, 43] + window_pos_embed_bkg_spatial_size: [7, 7] + window_spec: [8, 4, 16, 8] + neck: + _target_: sam2.modeling.backbones.image_encoder.FpnNeck + position_encoding: + _target_: sam2.modeling.position_encoding.PositionEmbeddingSine + num_pos_feats: 256 + normalize: true + scale: null + temperature: 10000 + d_model: 256 + backbone_channel_list: [1152, 576, 288, 144] + fpn_top_down_levels: [2, 3] # output level 0 and 1 directly use the backbone features + fpn_interp_model: nearest + + memory_attention: + _target_: sam2.modeling.memory_attention.MemoryAttention + d_model: 256 + pos_enc_at_input: true + layer: + _target_: sam2.modeling.memory_attention.MemoryAttentionLayer + activation: relu + dim_feedforward: 2048 + dropout: 0.1 + pos_enc_at_attn: false + self_attention: + _target_: sam2.modeling.sam.transformer.RoPEAttention + rope_theta: 10000.0 + feat_sizes: [32, 32] + embedding_dim: 256 + num_heads: 1 + downsample_rate: 1 + dropout: 0.1 + d_model: 256 + pos_enc_at_cross_attn_keys: true + pos_enc_at_cross_attn_queries: false + cross_attention: + _target_: sam2.modeling.sam.transformer.RoPEAttention + rope_theta: 10000.0 + feat_sizes: [32, 32] + rope_k_repeat: True + embedding_dim: 256 + num_heads: 1 + downsample_rate: 1 + dropout: 0.1 + kv_in_dim: 64 + num_layers: 4 + + memory_encoder: + _target_: sam2.modeling.memory_encoder.MemoryEncoder + out_dim: 64 + position_encoding: + _target_: sam2.modeling.position_encoding.PositionEmbeddingSine + num_pos_feats: 64 + normalize: true + scale: null + temperature: 10000 + mask_downsampler: + _target_: sam2.modeling.memory_encoder.MaskDownSampler + kernel_size: 3 + stride: 2 + padding: 1 + fuser: + _target_: sam2.modeling.memory_encoder.Fuser + layer: + _target_: sam2.modeling.memory_encoder.CXBlock + dim: 256 + kernel_size: 7 + padding: 3 + layer_scale_init_value: 1e-6 + use_dwconv: True # depth-wise convs + num_layers: 2 + + num_maskmem: 7 + image_size: 1024 + # apply scaled sigmoid on mask logits for memory encoder, and directly feed input mask as output mask + sigmoid_scale_for_mem_enc: 20.0 + sigmoid_bias_for_mem_enc: -10.0 + use_mask_input_as_output_without_sam: true + # Memory + directly_add_no_mem_embed: true + no_obj_embed_spatial: true + # use high-resolution feature map in the SAM mask decoder + use_high_res_features_in_sam: true + # output 3 masks on the first click on initial conditioning frames + multimask_output_in_sam: true + # SAM heads + iou_prediction_use_sigmoid: True + # cross-attend to object pointers from other frames (based on SAM output tokens) in the encoder + use_obj_ptrs_in_encoder: true + add_tpos_enc_to_obj_ptrs: true + proj_tpos_enc_in_obj_ptrs: true + use_signed_tpos_enc_to_obj_ptrs: true + only_obj_ptrs_in_the_past_for_eval: true + # object occlusion prediction + pred_obj_scores: true + pred_obj_scores_mlp: true + fixed_no_obj_ptr: true + # multimask tracking settings + multimask_output_for_tracking: true + use_multimask_token_for_obj_ptr: true + multimask_min_pt_num: 0 + multimask_max_pt_num: 1 + use_mlp_for_obj_ptr_proj: true + # Compilation flag + compile_image_encoder: False diff --git a/sam2/configs/sam2.1/sam2.1_hiera_s.yaml b/sam2/configs/sam2.1/sam2.1_hiera_s.yaml new file mode 100644 index 0000000000000000000000000000000000000000..8e803dfea5904f5eb5e73981918c913197587728 --- /dev/null +++ b/sam2/configs/sam2.1/sam2.1_hiera_s.yaml @@ -0,0 +1,119 @@ +# @package _global_ + +# Model +model: + _target_: sam2.modeling.sam2_base.SAM2Base + image_encoder: + _target_: sam2.modeling.backbones.image_encoder.ImageEncoder + scalp: 1 + trunk: + _target_: sam2.modeling.backbones.hieradet.Hiera + embed_dim: 96 + num_heads: 1 + stages: [1, 2, 11, 2] + global_att_blocks: [7, 10, 13] + window_pos_embed_bkg_spatial_size: [7, 7] + neck: + _target_: sam2.modeling.backbones.image_encoder.FpnNeck + position_encoding: + _target_: sam2.modeling.position_encoding.PositionEmbeddingSine + num_pos_feats: 256 + normalize: true + scale: null + temperature: 10000 + d_model: 256 + backbone_channel_list: [768, 384, 192, 96] + fpn_top_down_levels: [2, 3] # output level 0 and 1 directly use the backbone features + fpn_interp_model: nearest + + memory_attention: + _target_: sam2.modeling.memory_attention.MemoryAttention + d_model: 256 + pos_enc_at_input: true + layer: + _target_: sam2.modeling.memory_attention.MemoryAttentionLayer + activation: relu + dim_feedforward: 2048 + dropout: 0.1 + pos_enc_at_attn: false + self_attention: + _target_: sam2.modeling.sam.transformer.RoPEAttention + rope_theta: 10000.0 + feat_sizes: [32, 32] + embedding_dim: 256 + num_heads: 1 + downsample_rate: 1 + dropout: 0.1 + d_model: 256 + pos_enc_at_cross_attn_keys: true + pos_enc_at_cross_attn_queries: false + cross_attention: + _target_: sam2.modeling.sam.transformer.RoPEAttention + rope_theta: 10000.0 + feat_sizes: [32, 32] + rope_k_repeat: True + embedding_dim: 256 + num_heads: 1 + downsample_rate: 1 + dropout: 0.1 + kv_in_dim: 64 + num_layers: 4 + + memory_encoder: + _target_: sam2.modeling.memory_encoder.MemoryEncoder + out_dim: 64 + position_encoding: + _target_: sam2.modeling.position_encoding.PositionEmbeddingSine + num_pos_feats: 64 + normalize: true + scale: null + temperature: 10000 + mask_downsampler: + _target_: sam2.modeling.memory_encoder.MaskDownSampler + kernel_size: 3 + stride: 2 + padding: 1 + fuser: + _target_: sam2.modeling.memory_encoder.Fuser + layer: + _target_: sam2.modeling.memory_encoder.CXBlock + dim: 256 + kernel_size: 7 + padding: 3 + layer_scale_init_value: 1e-6 + use_dwconv: True # depth-wise convs + num_layers: 2 + + num_maskmem: 7 + image_size: 1024 + # apply scaled sigmoid on mask logits for memory encoder, and directly feed input mask as output mask + sigmoid_scale_for_mem_enc: 20.0 + sigmoid_bias_for_mem_enc: -10.0 + use_mask_input_as_output_without_sam: true + # Memory + directly_add_no_mem_embed: true + no_obj_embed_spatial: true + # use high-resolution feature map in the SAM mask decoder + use_high_res_features_in_sam: true + # output 3 masks on the first click on initial conditioning frames + multimask_output_in_sam: true + # SAM heads + iou_prediction_use_sigmoid: True + # cross-attend to object pointers from other frames (based on SAM output tokens) in the encoder + use_obj_ptrs_in_encoder: true + add_tpos_enc_to_obj_ptrs: true + proj_tpos_enc_in_obj_ptrs: true + use_signed_tpos_enc_to_obj_ptrs: true + only_obj_ptrs_in_the_past_for_eval: true + # object occlusion prediction + pred_obj_scores: true + pred_obj_scores_mlp: true + fixed_no_obj_ptr: true + # multimask tracking settings + multimask_output_for_tracking: true + use_multimask_token_for_obj_ptr: true + multimask_min_pt_num: 0 + multimask_max_pt_num: 1 + use_mlp_for_obj_ptr_proj: true + # Compilation flag + compile_image_encoder: False diff --git a/sam2/configs/sam2.1/sam2.1_hiera_t.yaml b/sam2/configs/sam2.1/sam2.1_hiera_t.yaml new file mode 100644 index 0000000000000000000000000000000000000000..983c2ea031b7a17db439fe89fa8b7bd426ecd9bb --- /dev/null +++ b/sam2/configs/sam2.1/sam2.1_hiera_t.yaml @@ -0,0 +1,121 @@ +# @package _global_ + +# Model +model: + _target_: sam2.modeling.sam2_base.SAM2Base + image_encoder: + _target_: sam2.modeling.backbones.image_encoder.ImageEncoder + scalp: 1 + trunk: + _target_: sam2.modeling.backbones.hieradet.Hiera + embed_dim: 96 + num_heads: 1 + stages: [1, 2, 7, 2] + global_att_blocks: [5, 7, 9] + window_pos_embed_bkg_spatial_size: [7, 7] + neck: + _target_: sam2.modeling.backbones.image_encoder.FpnNeck + position_encoding: + _target_: sam2.modeling.position_encoding.PositionEmbeddingSine + num_pos_feats: 256 + normalize: true + scale: null + temperature: 10000 + d_model: 256 + backbone_channel_list: [768, 384, 192, 96] + fpn_top_down_levels: [2, 3] # output level 0 and 1 directly use the backbone features + fpn_interp_model: nearest + + memory_attention: + _target_: sam2.modeling.memory_attention.MemoryAttention + d_model: 256 + pos_enc_at_input: true + layer: + _target_: sam2.modeling.memory_attention.MemoryAttentionLayer + activation: relu + dim_feedforward: 2048 + dropout: 0.1 + pos_enc_at_attn: false + self_attention: + _target_: sam2.modeling.sam.transformer.RoPEAttention + rope_theta: 10000.0 + feat_sizes: [32, 32] + embedding_dim: 256 + num_heads: 1 + downsample_rate: 1 + dropout: 0.1 + d_model: 256 + pos_enc_at_cross_attn_keys: true + pos_enc_at_cross_attn_queries: false + cross_attention: + _target_: sam2.modeling.sam.transformer.RoPEAttention + rope_theta: 10000.0 + feat_sizes: [32, 32] + rope_k_repeat: True + embedding_dim: 256 + num_heads: 1 + downsample_rate: 1 + dropout: 0.1 + kv_in_dim: 64 + num_layers: 4 + + memory_encoder: + _target_: sam2.modeling.memory_encoder.MemoryEncoder + out_dim: 64 + position_encoding: + _target_: sam2.modeling.position_encoding.PositionEmbeddingSine + num_pos_feats: 64 + normalize: true + scale: null + temperature: 10000 + mask_downsampler: + _target_: sam2.modeling.memory_encoder.MaskDownSampler + kernel_size: 3 + stride: 2 + padding: 1 + fuser: + _target_: sam2.modeling.memory_encoder.Fuser + layer: + _target_: sam2.modeling.memory_encoder.CXBlock + dim: 256 + kernel_size: 7 + padding: 3 + layer_scale_init_value: 1e-6 + use_dwconv: True # depth-wise convs + num_layers: 2 + + num_maskmem: 7 + image_size: 1024 + # apply scaled sigmoid on mask logits for memory encoder, and directly feed input mask as output mask + # SAM decoder + sigmoid_scale_for_mem_enc: 20.0 + sigmoid_bias_for_mem_enc: -10.0 + use_mask_input_as_output_without_sam: true + # Memory + directly_add_no_mem_embed: true + no_obj_embed_spatial: true + # use high-resolution feature map in the SAM mask decoder + use_high_res_features_in_sam: true + # output 3 masks on the first click on initial conditioning frames + multimask_output_in_sam: true + # SAM heads + iou_prediction_use_sigmoid: True + # cross-attend to object pointers from other frames (based on SAM output tokens) in the encoder + use_obj_ptrs_in_encoder: true + add_tpos_enc_to_obj_ptrs: true + proj_tpos_enc_in_obj_ptrs: true + use_signed_tpos_enc_to_obj_ptrs: true + only_obj_ptrs_in_the_past_for_eval: true + # object occlusion prediction + pred_obj_scores: true + pred_obj_scores_mlp: true + fixed_no_obj_ptr: true + # multimask tracking settings + multimask_output_for_tracking: true + use_multimask_token_for_obj_ptr: true + multimask_min_pt_num: 0 + multimask_max_pt_num: 1 + use_mlp_for_obj_ptr_proj: true + # Compilation flag + # HieraT does not currently support compilation, should always be set to False + compile_image_encoder: False diff --git a/sam2/configs/sam2.1_training/sam2.1_hiera_b+_MOSE_finetune.yaml b/sam2/configs/sam2.1_training/sam2.1_hiera_b+_MOSE_finetune.yaml new file mode 100644 index 0000000000000000000000000000000000000000..204679146854110ce8a59e9adc462a6688e56d30 --- /dev/null +++ b/sam2/configs/sam2.1_training/sam2.1_hiera_b+_MOSE_finetune.yaml @@ -0,0 +1,339 @@ +# @package _global_ + +scratch: + resolution: 1024 + train_batch_size: 1 + num_train_workers: 10 + num_frames: 8 + max_num_objects: 3 + base_lr: 5.0e-6 + vision_lr: 3.0e-06 + phases_per_epoch: 1 + num_epochs: 40 + +dataset: + # PATHS to Dataset + img_folder: null # PATH to MOSE JPEGImages folder + gt_folder: null # PATH to MOSE Annotations folder + file_list_txt: training/assets/MOSE_sample_train_list.txt # Optional PATH to filelist containing a subset of videos to be used for training + multiplier: 2 + +# Video transforms +vos: + train_transforms: + - _target_: training.dataset.transforms.ComposeAPI + transforms: + - _target_: training.dataset.transforms.RandomHorizontalFlip + consistent_transform: True + - _target_: training.dataset.transforms.RandomAffine + degrees: 25 + shear: 20 + image_interpolation: bilinear + consistent_transform: True + - _target_: training.dataset.transforms.RandomResizeAPI + sizes: ${scratch.resolution} + square: true + consistent_transform: True + - _target_: training.dataset.transforms.ColorJitter + consistent_transform: True + brightness: 0.1 + contrast: 0.03 + saturation: 0.03 + hue: null + - _target_: training.dataset.transforms.RandomGrayscale + p: 0.05 + consistent_transform: True + - _target_: training.dataset.transforms.ColorJitter + consistent_transform: False + brightness: 0.1 + contrast: 0.05 + saturation: 0.05 + hue: null + - _target_: training.dataset.transforms.ToTensorAPI + - _target_: training.dataset.transforms.NormalizeAPI + mean: [0.485, 0.456, 0.406] + std: [0.229, 0.224, 0.225] + +trainer: + _target_: training.trainer.Trainer + mode: train_only + max_epochs: ${times:${scratch.num_epochs},${scratch.phases_per_epoch}} + accelerator: cuda + seed_value: 123 + + model: + _target_: training.model.sam2.SAM2Train + image_encoder: + _target_: sam2.modeling.backbones.image_encoder.ImageEncoder + scalp: 1 + trunk: + _target_: sam2.modeling.backbones.hieradet.Hiera + embed_dim: 112 + num_heads: 2 + drop_path_rate: 0.1 + neck: + _target_: sam2.modeling.backbones.image_encoder.FpnNeck + position_encoding: + _target_: sam2.modeling.position_encoding.PositionEmbeddingSine + num_pos_feats: 256 + normalize: true + scale: null + temperature: 10000 + d_model: 256 + backbone_channel_list: [896, 448, 224, 112] + fpn_top_down_levels: [2, 3] # output level 0 and 1 directly use the backbone features + fpn_interp_model: nearest + + memory_attention: + _target_: sam2.modeling.memory_attention.MemoryAttention + d_model: 256 + pos_enc_at_input: true + layer: + _target_: sam2.modeling.memory_attention.MemoryAttentionLayer + activation: relu + dim_feedforward: 2048 + dropout: 0.1 + pos_enc_at_attn: false + self_attention: + _target_: sam2.modeling.sam.transformer.RoPEAttention + rope_theta: 10000.0 + feat_sizes: [32, 32] + embedding_dim: 256 + num_heads: 1 + downsample_rate: 1 + dropout: 0.1 + d_model: 256 + pos_enc_at_cross_attn_keys: true + pos_enc_at_cross_attn_queries: false + cross_attention: + _target_: sam2.modeling.sam.transformer.RoPEAttention + rope_theta: 10000.0 + feat_sizes: [32, 32] + rope_k_repeat: True + embedding_dim: 256 + num_heads: 1 + downsample_rate: 1 + dropout: 0.1 + kv_in_dim: 64 + num_layers: 4 + + memory_encoder: + _target_: sam2.modeling.memory_encoder.MemoryEncoder + out_dim: 64 + position_encoding: + _target_: sam2.modeling.position_encoding.PositionEmbeddingSine + num_pos_feats: 64 + normalize: true + scale: null + temperature: 10000 + mask_downsampler: + _target_: sam2.modeling.memory_encoder.MaskDownSampler + kernel_size: 3 + stride: 2 + padding: 1 + fuser: + _target_: sam2.modeling.memory_encoder.Fuser + layer: + _target_: sam2.modeling.memory_encoder.CXBlock + dim: 256 + kernel_size: 7 + padding: 3 + layer_scale_init_value: 1e-6 + use_dwconv: True # depth-wise convs + num_layers: 2 + + num_maskmem: 7 + image_size: ${scratch.resolution} + # apply scaled sigmoid on mask logits for memory encoder, and directly feed input mask as output mask + sigmoid_scale_for_mem_enc: 20.0 + sigmoid_bias_for_mem_enc: -10.0 + use_mask_input_as_output_without_sam: true + # Memory + directly_add_no_mem_embed: true + no_obj_embed_spatial: true + # use high-resolution feature map in the SAM mask decoder + use_high_res_features_in_sam: true + # output 3 masks on the first click on initial conditioning frames + multimask_output_in_sam: true + # SAM heads + iou_prediction_use_sigmoid: True + # cross-attend to object pointers from other frames (based on SAM output tokens) in the encoder + use_obj_ptrs_in_encoder: true + add_tpos_enc_to_obj_ptrs: true + proj_tpos_enc_in_obj_ptrs: true + use_signed_tpos_enc_to_obj_ptrs: true + only_obj_ptrs_in_the_past_for_eval: true + # object occlusion prediction + pred_obj_scores: true + pred_obj_scores_mlp: true + fixed_no_obj_ptr: true + # multimask tracking settings + multimask_output_for_tracking: true + use_multimask_token_for_obj_ptr: true + multimask_min_pt_num: 0 + multimask_max_pt_num: 1 + use_mlp_for_obj_ptr_proj: true + # Compilation flag + # compile_image_encoder: False + + ####### Training specific params ####### + # box/point input and corrections + prob_to_use_pt_input_for_train: 0.5 + prob_to_use_pt_input_for_eval: 0.0 + prob_to_use_box_input_for_train: 0.5 # 0.5*0.5 = 0.25 prob to use box instead of points + prob_to_use_box_input_for_eval: 0.0 + prob_to_sample_from_gt_for_train: 0.1 # with a small prob, sampling correction points from GT mask instead of prediction errors + num_frames_to_correct_for_train: 2 # iteratively sample on random 1~2 frames (always include the first frame) + num_frames_to_correct_for_eval: 1 # only iteratively sample on first frame + rand_frames_to_correct_for_train: True # random #init-cond-frame ~ 2 + add_all_frames_to_correct_as_cond: True # when a frame receives a correction click, it becomes a conditioning frame (even if it's not initially a conditioning frame) + # maximum 2 initial conditioning frames + num_init_cond_frames_for_train: 2 + rand_init_cond_frames_for_train: True # random 1~2 + num_correction_pt_per_frame: 7 + use_act_ckpt_iterative_pt_sampling: false + + + + num_init_cond_frames_for_eval: 1 # only mask on the first frame + forward_backbone_per_frame_for_eval: True + + + data: + train: + _target_: training.dataset.sam2_datasets.TorchTrainMixedDataset + phases_per_epoch: ${scratch.phases_per_epoch} + batch_sizes: + - ${scratch.train_batch_size} + + datasets: + - _target_: training.dataset.utils.RepeatFactorWrapper + dataset: + _target_: training.dataset.utils.ConcatDataset + datasets: + - _target_: training.dataset.vos_dataset.VOSDataset + transforms: ${vos.train_transforms} + training: true + video_dataset: + _target_: training.dataset.vos_raw_dataset.PNGRawDataset + img_folder: ${dataset.img_folder} + gt_folder: ${dataset.gt_folder} + file_list_txt: ${dataset.file_list_txt} + sampler: + _target_: training.dataset.vos_sampler.RandomUniformSampler + num_frames: ${scratch.num_frames} + max_num_objects: ${scratch.max_num_objects} + multiplier: ${dataset.multiplier} + shuffle: True + num_workers: ${scratch.num_train_workers} + pin_memory: True + drop_last: True + collate_fn: + _target_: training.utils.data_utils.collate_fn + _partial_: true + dict_key: all + + optim: + amp: + enabled: True + amp_dtype: bfloat16 + + optimizer: + _target_: torch.optim.AdamW + + gradient_clip: + _target_: training.optimizer.GradientClipper + max_norm: 0.1 + norm_type: 2 + + param_group_modifiers: + - _target_: training.optimizer.layer_decay_param_modifier + _partial_: True + layer_decay_value: 0.9 + apply_to: 'image_encoder.trunk' + overrides: + - pattern: '*pos_embed*' + value: 1.0 + + options: + lr: + - scheduler: + _target_: fvcore.common.param_scheduler.CosineParamScheduler + start_value: ${scratch.base_lr} + end_value: ${divide:${scratch.base_lr},10} + - scheduler: + _target_: fvcore.common.param_scheduler.CosineParamScheduler + start_value: ${scratch.vision_lr} + end_value: ${divide:${scratch.vision_lr},10} + param_names: + - 'image_encoder.*' + weight_decay: + - scheduler: + _target_: fvcore.common.param_scheduler.ConstantParamScheduler + value: 0.1 + - scheduler: + _target_: fvcore.common.param_scheduler.ConstantParamScheduler + value: 0.0 + param_names: + - '*bias*' + module_cls_names: ['torch.nn.LayerNorm'] + + loss: + all: + _target_: training.loss_fns.MultiStepMultiMasksAndIous + weight_dict: + loss_mask: 20 + loss_dice: 1 + loss_iou: 1 + loss_class: 1 + supervise_all_iou: true + iou_use_l1_loss: true + pred_obj_scores: true + focal_gamma_obj_score: 0.0 + focal_alpha_obj_score: -1.0 + + distributed: + backend: nccl + find_unused_parameters: True + + logging: + tensorboard_writer: + _target_: training.utils.logger.make_tensorboard_logger + log_dir: ${launcher.experiment_log_dir}/tensorboard + flush_secs: 120 + should_log: True + log_dir: ${launcher.experiment_log_dir}/logs + log_freq: 10 + + # initialize from a SAM 2 checkpoint + checkpoint: + save_dir: ${launcher.experiment_log_dir}/checkpoints + save_freq: 0 # 0 only last checkpoint is saved. + model_weight_initializer: + _partial_: True + _target_: training.utils.checkpoint_utils.load_state_dict_into_model + strict: True + ignore_unexpected_keys: null + ignore_missing_keys: null + + state_dict: + _target_: training.utils.checkpoint_utils.load_checkpoint_and_apply_kernels + checkpoint_path: ./checkpoints/sam2.1_hiera_base_plus.pt # PATH to SAM 2.1 checkpoint + ckpt_state_dict_keys: ['model'] + +launcher: + num_nodes: 1 + gpus_per_node: 8 + experiment_log_dir: null # Path to log directory, defaults to ./sam2_logs/${config_name} + +# SLURM args if running on a cluster +submitit: + partition: null + account: null + qos: null + cpus_per_task: 10 + use_cluster: false + timeout_hour: 24 + name: null + port_range: [10000, 65000] + diff --git a/sam2/configs/sam2/sam2_hiera_b+.yaml b/sam2/configs/sam2/sam2_hiera_b+.yaml new file mode 100644 index 0000000000000000000000000000000000000000..58f3eb81554018e873f8515ecb98e36d16ac29e4 --- /dev/null +++ b/sam2/configs/sam2/sam2_hiera_b+.yaml @@ -0,0 +1,113 @@ +# @package _global_ + +# Model +model: + _target_: sam2.modeling.sam2_base.SAM2Base + image_encoder: + _target_: sam2.modeling.backbones.image_encoder.ImageEncoder + scalp: 1 + trunk: + _target_: sam2.modeling.backbones.hieradet.Hiera + embed_dim: 112 + num_heads: 2 + neck: + _target_: sam2.modeling.backbones.image_encoder.FpnNeck + position_encoding: + _target_: sam2.modeling.position_encoding.PositionEmbeddingSine + num_pos_feats: 256 + normalize: true + scale: null + temperature: 10000 + d_model: 256 + backbone_channel_list: [896, 448, 224, 112] + fpn_top_down_levels: [2, 3] # output level 0 and 1 directly use the backbone features + fpn_interp_model: nearest + + memory_attention: + _target_: sam2.modeling.memory_attention.MemoryAttention + d_model: 256 + pos_enc_at_input: true + layer: + _target_: sam2.modeling.memory_attention.MemoryAttentionLayer + activation: relu + dim_feedforward: 2048 + dropout: 0.1 + pos_enc_at_attn: false + self_attention: + _target_: sam2.modeling.sam.transformer.RoPEAttention + rope_theta: 10000.0 + feat_sizes: [32, 32] + embedding_dim: 256 + num_heads: 1 + downsample_rate: 1 + dropout: 0.1 + d_model: 256 + pos_enc_at_cross_attn_keys: true + pos_enc_at_cross_attn_queries: false + cross_attention: + _target_: sam2.modeling.sam.transformer.RoPEAttention + rope_theta: 10000.0 + feat_sizes: [32, 32] + rope_k_repeat: True + embedding_dim: 256 + num_heads: 1 + downsample_rate: 1 + dropout: 0.1 + kv_in_dim: 64 + num_layers: 4 + + memory_encoder: + _target_: sam2.modeling.memory_encoder.MemoryEncoder + out_dim: 64 + position_encoding: + _target_: sam2.modeling.position_encoding.PositionEmbeddingSine + num_pos_feats: 64 + normalize: true + scale: null + temperature: 10000 + mask_downsampler: + _target_: sam2.modeling.memory_encoder.MaskDownSampler + kernel_size: 3 + stride: 2 + padding: 1 + fuser: + _target_: sam2.modeling.memory_encoder.Fuser + layer: + _target_: sam2.modeling.memory_encoder.CXBlock + dim: 256 + kernel_size: 7 + padding: 3 + layer_scale_init_value: 1e-6 + use_dwconv: True # depth-wise convs + num_layers: 2 + + num_maskmem: 7 + image_size: 1024 + # apply scaled sigmoid on mask logits for memory encoder, and directly feed input mask as output mask + sigmoid_scale_for_mem_enc: 20.0 + sigmoid_bias_for_mem_enc: -10.0 + use_mask_input_as_output_without_sam: true + # Memory + directly_add_no_mem_embed: true + # use high-resolution feature map in the SAM mask decoder + use_high_res_features_in_sam: true + # output 3 masks on the first click on initial conditioning frames + multimask_output_in_sam: true + # SAM heads + iou_prediction_use_sigmoid: True + # cross-attend to object pointers from other frames (based on SAM output tokens) in the encoder + use_obj_ptrs_in_encoder: true + add_tpos_enc_to_obj_ptrs: false + only_obj_ptrs_in_the_past_for_eval: true + # object occlusion prediction + pred_obj_scores: true + pred_obj_scores_mlp: true + fixed_no_obj_ptr: true + # multimask tracking settings + multimask_output_for_tracking: true + use_multimask_token_for_obj_ptr: true + multimask_min_pt_num: 0 + multimask_max_pt_num: 1 + use_mlp_for_obj_ptr_proj: true + # Compilation flag + compile_image_encoder: False diff --git a/sam2/configs/sam2/sam2_hiera_l.yaml b/sam2/configs/sam2/sam2_hiera_l.yaml new file mode 100644 index 0000000000000000000000000000000000000000..918667f50c3e1ad2dcf77c0c14cb4dd114cfd080 --- /dev/null +++ b/sam2/configs/sam2/sam2_hiera_l.yaml @@ -0,0 +1,117 @@ +# @package _global_ + +# Model +model: + _target_: sam2.modeling.sam2_base.SAM2Base + image_encoder: + _target_: sam2.modeling.backbones.image_encoder.ImageEncoder + scalp: 1 + trunk: + _target_: sam2.modeling.backbones.hieradet.Hiera + embed_dim: 144 + num_heads: 2 + stages: [2, 6, 36, 4] + global_att_blocks: [23, 33, 43] + window_pos_embed_bkg_spatial_size: [7, 7] + window_spec: [8, 4, 16, 8] + neck: + _target_: sam2.modeling.backbones.image_encoder.FpnNeck + position_encoding: + _target_: sam2.modeling.position_encoding.PositionEmbeddingSine + num_pos_feats: 256 + normalize: true + scale: null + temperature: 10000 + d_model: 256 + backbone_channel_list: [1152, 576, 288, 144] + fpn_top_down_levels: [2, 3] # output level 0 and 1 directly use the backbone features + fpn_interp_model: nearest + + memory_attention: + _target_: sam2.modeling.memory_attention.MemoryAttention + d_model: 256 + pos_enc_at_input: true + layer: + _target_: sam2.modeling.memory_attention.MemoryAttentionLayer + activation: relu + dim_feedforward: 2048 + dropout: 0.1 + pos_enc_at_attn: false + self_attention: + _target_: sam2.modeling.sam.transformer.RoPEAttention + rope_theta: 10000.0 + feat_sizes: [32, 32] + embedding_dim: 256 + num_heads: 1 + downsample_rate: 1 + dropout: 0.1 + d_model: 256 + pos_enc_at_cross_attn_keys: true + pos_enc_at_cross_attn_queries: false + cross_attention: + _target_: sam2.modeling.sam.transformer.RoPEAttention + rope_theta: 10000.0 + feat_sizes: [32, 32] + rope_k_repeat: True + embedding_dim: 256 + num_heads: 1 + downsample_rate: 1 + dropout: 0.1 + kv_in_dim: 64 + num_layers: 4 + + memory_encoder: + _target_: sam2.modeling.memory_encoder.MemoryEncoder + out_dim: 64 + position_encoding: + _target_: sam2.modeling.position_encoding.PositionEmbeddingSine + num_pos_feats: 64 + normalize: true + scale: null + temperature: 10000 + mask_downsampler: + _target_: sam2.modeling.memory_encoder.MaskDownSampler + kernel_size: 3 + stride: 2 + padding: 1 + fuser: + _target_: sam2.modeling.memory_encoder.Fuser + layer: + _target_: sam2.modeling.memory_encoder.CXBlock + dim: 256 + kernel_size: 7 + padding: 3 + layer_scale_init_value: 1e-6 + use_dwconv: True # depth-wise convs + num_layers: 2 + + num_maskmem: 7 + image_size: 1024 + # apply scaled sigmoid on mask logits for memory encoder, and directly feed input mask as output mask + sigmoid_scale_for_mem_enc: 20.0 + sigmoid_bias_for_mem_enc: -10.0 + use_mask_input_as_output_without_sam: true + # Memory + directly_add_no_mem_embed: true + # use high-resolution feature map in the SAM mask decoder + use_high_res_features_in_sam: true + # output 3 masks on the first click on initial conditioning frames + multimask_output_in_sam: true + # SAM heads + iou_prediction_use_sigmoid: True + # cross-attend to object pointers from other frames (based on SAM output tokens) in the encoder + use_obj_ptrs_in_encoder: true + add_tpos_enc_to_obj_ptrs: false + only_obj_ptrs_in_the_past_for_eval: true + # object occlusion prediction + pred_obj_scores: true + pred_obj_scores_mlp: true + fixed_no_obj_ptr: true + # multimask tracking settings + multimask_output_for_tracking: true + use_multimask_token_for_obj_ptr: true + multimask_min_pt_num: 0 + multimask_max_pt_num: 1 + use_mlp_for_obj_ptr_proj: true + # Compilation flag + compile_image_encoder: False diff --git a/sam2/configs/sam2/sam2_hiera_s.yaml b/sam2/configs/sam2/sam2_hiera_s.yaml new file mode 100644 index 0000000000000000000000000000000000000000..26e5d4d39f7b2892396106005c37c7ffe6c83bc2 --- /dev/null +++ b/sam2/configs/sam2/sam2_hiera_s.yaml @@ -0,0 +1,116 @@ +# @package _global_ + +# Model +model: + _target_: sam2.modeling.sam2_base.SAM2Base + image_encoder: + _target_: sam2.modeling.backbones.image_encoder.ImageEncoder + scalp: 1 + trunk: + _target_: sam2.modeling.backbones.hieradet.Hiera + embed_dim: 96 + num_heads: 1 + stages: [1, 2, 11, 2] + global_att_blocks: [7, 10, 13] + window_pos_embed_bkg_spatial_size: [7, 7] + neck: + _target_: sam2.modeling.backbones.image_encoder.FpnNeck + position_encoding: + _target_: sam2.modeling.position_encoding.PositionEmbeddingSine + num_pos_feats: 256 + normalize: true + scale: null + temperature: 10000 + d_model: 256 + backbone_channel_list: [768, 384, 192, 96] + fpn_top_down_levels: [2, 3] # output level 0 and 1 directly use the backbone features + fpn_interp_model: nearest + + memory_attention: + _target_: sam2.modeling.memory_attention.MemoryAttention + d_model: 256 + pos_enc_at_input: true + layer: + _target_: sam2.modeling.memory_attention.MemoryAttentionLayer + activation: relu + dim_feedforward: 2048 + dropout: 0.1 + pos_enc_at_attn: false + self_attention: + _target_: sam2.modeling.sam.transformer.RoPEAttention + rope_theta: 10000.0 + feat_sizes: [32, 32] + embedding_dim: 256 + num_heads: 1 + downsample_rate: 1 + dropout: 0.1 + d_model: 256 + pos_enc_at_cross_attn_keys: true + pos_enc_at_cross_attn_queries: false + cross_attention: + _target_: sam2.modeling.sam.transformer.RoPEAttention + rope_theta: 10000.0 + feat_sizes: [32, 32] + rope_k_repeat: True + embedding_dim: 256 + num_heads: 1 + downsample_rate: 1 + dropout: 0.1 + kv_in_dim: 64 + num_layers: 4 + + memory_encoder: + _target_: sam2.modeling.memory_encoder.MemoryEncoder + out_dim: 64 + position_encoding: + _target_: sam2.modeling.position_encoding.PositionEmbeddingSine + num_pos_feats: 64 + normalize: true + scale: null + temperature: 10000 + mask_downsampler: + _target_: sam2.modeling.memory_encoder.MaskDownSampler + kernel_size: 3 + stride: 2 + padding: 1 + fuser: + _target_: sam2.modeling.memory_encoder.Fuser + layer: + _target_: sam2.modeling.memory_encoder.CXBlock + dim: 256 + kernel_size: 7 + padding: 3 + layer_scale_init_value: 1e-6 + use_dwconv: True # depth-wise convs + num_layers: 2 + + num_maskmem: 7 + image_size: 1024 + # apply scaled sigmoid on mask logits for memory encoder, and directly feed input mask as output mask + sigmoid_scale_for_mem_enc: 20.0 + sigmoid_bias_for_mem_enc: -10.0 + use_mask_input_as_output_without_sam: true + # Memory + directly_add_no_mem_embed: true + # use high-resolution feature map in the SAM mask decoder + use_high_res_features_in_sam: true + # output 3 masks on the first click on initial conditioning frames + multimask_output_in_sam: true + # SAM heads + iou_prediction_use_sigmoid: True + # cross-attend to object pointers from other frames (based on SAM output tokens) in the encoder + use_obj_ptrs_in_encoder: true + add_tpos_enc_to_obj_ptrs: false + only_obj_ptrs_in_the_past_for_eval: true + # object occlusion prediction + pred_obj_scores: true + pred_obj_scores_mlp: true + fixed_no_obj_ptr: true + # multimask tracking settings + multimask_output_for_tracking: true + use_multimask_token_for_obj_ptr: true + multimask_min_pt_num: 0 + multimask_max_pt_num: 1 + use_mlp_for_obj_ptr_proj: true + # Compilation flag + compile_image_encoder: False diff --git a/sam2/configs/sam2/sam2_hiera_t.yaml b/sam2/configs/sam2/sam2_hiera_t.yaml new file mode 100644 index 0000000000000000000000000000000000000000..a62c903aaa5f80828077c6e06a59626926570ed6 --- /dev/null +++ b/sam2/configs/sam2/sam2_hiera_t.yaml @@ -0,0 +1,118 @@ +# @package _global_ + +# Model +model: + _target_: sam2.modeling.sam2_base.SAM2Base + image_encoder: + _target_: sam2.modeling.backbones.image_encoder.ImageEncoder + scalp: 1 + trunk: + _target_: sam2.modeling.backbones.hieradet.Hiera + embed_dim: 96 + num_heads: 1 + stages: [1, 2, 7, 2] + global_att_blocks: [5, 7, 9] + window_pos_embed_bkg_spatial_size: [7, 7] + neck: + _target_: sam2.modeling.backbones.image_encoder.FpnNeck + position_encoding: + _target_: sam2.modeling.position_encoding.PositionEmbeddingSine + num_pos_feats: 256 + normalize: true + scale: null + temperature: 10000 + d_model: 256 + backbone_channel_list: [768, 384, 192, 96] + fpn_top_down_levels: [2, 3] # output level 0 and 1 directly use the backbone features + fpn_interp_model: nearest + + memory_attention: + _target_: sam2.modeling.memory_attention.MemoryAttention + d_model: 256 + pos_enc_at_input: true + layer: + _target_: sam2.modeling.memory_attention.MemoryAttentionLayer + activation: relu + dim_feedforward: 2048 + dropout: 0.1 + pos_enc_at_attn: false + self_attention: + _target_: sam2.modeling.sam.transformer.RoPEAttention + rope_theta: 10000.0 + feat_sizes: [32, 32] + embedding_dim: 256 + num_heads: 1 + downsample_rate: 1 + dropout: 0.1 + d_model: 256 + pos_enc_at_cross_attn_keys: true + pos_enc_at_cross_attn_queries: false + cross_attention: + _target_: sam2.modeling.sam.transformer.RoPEAttention + rope_theta: 10000.0 + feat_sizes: [32, 32] + rope_k_repeat: True + embedding_dim: 256 + num_heads: 1 + downsample_rate: 1 + dropout: 0.1 + kv_in_dim: 64 + num_layers: 4 + + memory_encoder: + _target_: sam2.modeling.memory_encoder.MemoryEncoder + out_dim: 64 + position_encoding: + _target_: sam2.modeling.position_encoding.PositionEmbeddingSine + num_pos_feats: 64 + normalize: true + scale: null + temperature: 10000 + mask_downsampler: + _target_: sam2.modeling.memory_encoder.MaskDownSampler + kernel_size: 3 + stride: 2 + padding: 1 + fuser: + _target_: sam2.modeling.memory_encoder.Fuser + layer: + _target_: sam2.modeling.memory_encoder.CXBlock + dim: 256 + kernel_size: 7 + padding: 3 + layer_scale_init_value: 1e-6 + use_dwconv: True # depth-wise convs + num_layers: 2 + + num_maskmem: 7 + image_size: 1024 + # apply scaled sigmoid on mask logits for memory encoder, and directly feed input mask as output mask + # SAM decoder + sigmoid_scale_for_mem_enc: 20.0 + sigmoid_bias_for_mem_enc: -10.0 + use_mask_input_as_output_without_sam: true + # Memory + directly_add_no_mem_embed: true + # use high-resolution feature map in the SAM mask decoder + use_high_res_features_in_sam: true + # output 3 masks on the first click on initial conditioning frames + multimask_output_in_sam: true + # SAM heads + iou_prediction_use_sigmoid: True + # cross-attend to object pointers from other frames (based on SAM output tokens) in the encoder + use_obj_ptrs_in_encoder: true + add_tpos_enc_to_obj_ptrs: false + only_obj_ptrs_in_the_past_for_eval: true + # object occlusion prediction + pred_obj_scores: true + pred_obj_scores_mlp: true + fixed_no_obj_ptr: true + # multimask tracking settings + multimask_output_for_tracking: true + use_multimask_token_for_obj_ptr: true + multimask_min_pt_num: 0 + multimask_max_pt_num: 1 + use_mlp_for_obj_ptr_proj: true + # Compilation flag + # HieraT does not currently support compilation, should always be set to False + compile_image_encoder: False diff --git a/sam2/csrc/connected_components.cu b/sam2/csrc/connected_components.cu new file mode 100644 index 0000000000000000000000000000000000000000..ced21eb32eaaadb818d441c1322b99d1bf068f45 --- /dev/null +++ b/sam2/csrc/connected_components.cu @@ -0,0 +1,289 @@ +// Copyright (c) Meta Platforms, Inc. and affiliates. +// All rights reserved. + +// This source code is licensed under the license found in the +// LICENSE file in the root directory of this source tree. + +// adapted from https://github.com/zsef123/Connected_components_PyTorch +// with license found in the LICENSE_cctorch file in the root directory. +#include +#include +#include +#include +#include +#include + +// 2d +#define BLOCK_ROWS 16 +#define BLOCK_COLS 16 + +namespace cc2d { + +template +__device__ __forceinline__ unsigned char hasBit(T bitmap, unsigned char pos) { + return (bitmap >> pos) & 1; +} + +__device__ int32_t find(const int32_t* s_buf, int32_t n) { + while (s_buf[n] != n) + n = s_buf[n]; + return n; +} + +__device__ int32_t find_n_compress(int32_t* s_buf, int32_t n) { + const int32_t id = n; + while (s_buf[n] != n) { + n = s_buf[n]; + s_buf[id] = n; + } + return n; +} + +__device__ void union_(int32_t* s_buf, int32_t a, int32_t b) { + bool done; + do { + a = find(s_buf, a); + b = find(s_buf, b); + + if (a < b) { + int32_t old = atomicMin(s_buf + b, a); + done = (old == b); + b = old; + } else if (b < a) { + int32_t old = atomicMin(s_buf + a, b); + done = (old == a); + a = old; + } else + done = true; + + } while (!done); +} + +__global__ void +init_labeling(int32_t* label, const uint32_t W, const uint32_t H) { + const uint32_t row = (blockIdx.y * blockDim.y + threadIdx.y) * 2; + const uint32_t col = (blockIdx.x * blockDim.x + threadIdx.x) * 2; + const uint32_t idx = row * W + col; + + if (row < H && col < W) + label[idx] = idx; +} + +__global__ void +merge(uint8_t* img, int32_t* label, const uint32_t W, const uint32_t H) { + const uint32_t row = (blockIdx.y * blockDim.y + threadIdx.y) * 2; + const uint32_t col = (blockIdx.x * blockDim.x + threadIdx.x) * 2; + const uint32_t idx = row * W + col; + + if (row >= H || col >= W) + return; + + uint32_t P = 0; + + if (img[idx]) + P |= 0x777; + if (row + 1 < H && img[idx + W]) + P |= 0x777 << 4; + if (col + 1 < W && img[idx + 1]) + P |= 0x777 << 1; + + if (col == 0) + P &= 0xEEEE; + if (col + 1 >= W) + P &= 0x3333; + else if (col + 2 >= W) + P &= 0x7777; + + if (row == 0) + P &= 0xFFF0; + if (row + 1 >= H) + P &= 0xFF; + + if (P > 0) { + // If need check about top-left pixel(if flag the first bit) and hit the + // top-left pixel + if (hasBit(P, 0) && img[idx - W - 1]) { + union_(label, idx, idx - 2 * W - 2); // top left block + } + + if ((hasBit(P, 1) && img[idx - W]) || (hasBit(P, 2) && img[idx - W + 1])) + union_(label, idx, idx - 2 * W); // top bottom block + + if (hasBit(P, 3) && img[idx + 2 - W]) + union_(label, idx, idx - 2 * W + 2); // top right block + + if ((hasBit(P, 4) && img[idx - 1]) || (hasBit(P, 8) && img[idx + W - 1])) + union_(label, idx, idx - 2); // just left block + } +} + +__global__ void compression(int32_t* label, const int32_t W, const int32_t H) { + const uint32_t row = (blockIdx.y * blockDim.y + threadIdx.y) * 2; + const uint32_t col = (blockIdx.x * blockDim.x + threadIdx.x) * 2; + const uint32_t idx = row * W + col; + + if (row < H && col < W) + find_n_compress(label, idx); +} + +__global__ void final_labeling( + const uint8_t* img, + int32_t* label, + const int32_t W, + const int32_t H) { + const uint32_t row = (blockIdx.y * blockDim.y + threadIdx.y) * 2; + const uint32_t col = (blockIdx.x * blockDim.x + threadIdx.x) * 2; + const uint32_t idx = row * W + col; + + if (row >= H || col >= W) + return; + + int32_t y = label[idx] + 1; + + if (img[idx]) + label[idx] = y; + else + label[idx] = 0; + + if (col + 1 < W) { + if (img[idx + 1]) + label[idx + 1] = y; + else + label[idx + 1] = 0; + + if (row + 1 < H) { + if (img[idx + W + 1]) + label[idx + W + 1] = y; + else + label[idx + W + 1] = 0; + } + } + + if (row + 1 < H) { + if (img[idx + W]) + label[idx + W] = y; + else + label[idx + W] = 0; + } +} + +__global__ void init_counting( + const int32_t* label, + int32_t* count_init, + const int32_t W, + const int32_t H) { + const uint32_t row = (blockIdx.y * blockDim.y + threadIdx.y); + const uint32_t col = (blockIdx.x * blockDim.x + threadIdx.x); + const uint32_t idx = row * W + col; + + if (row >= H || col >= W) + return; + + int32_t y = label[idx]; + if (y > 0) { + int32_t count_idx = y - 1; + atomicAdd(count_init + count_idx, 1); + } +} + +__global__ void final_counting( + const int32_t* label, + const int32_t* count_init, + int32_t* count_final, + const int32_t W, + const int32_t H) { + const uint32_t row = (blockIdx.y * blockDim.y + threadIdx.y); + const uint32_t col = (blockIdx.x * blockDim.x + threadIdx.x); + const uint32_t idx = row * W + col; + + if (row >= H || col >= W) + return; + + int32_t y = label[idx]; + if (y > 0) { + int32_t count_idx = y - 1; + count_final[idx] = count_init[count_idx]; + } else { + count_final[idx] = 0; + } +} + +} // namespace cc2d + +std::vector get_connected_componnets( + const torch::Tensor& inputs) { + AT_ASSERTM(inputs.is_cuda(), "inputs must be a CUDA tensor"); + AT_ASSERTM(inputs.ndimension() == 4, "inputs must be [N, 1, H, W] shape"); + AT_ASSERTM( + inputs.scalar_type() == torch::kUInt8, "inputs must be a uint8 type"); + + const uint32_t N = inputs.size(0); + const uint32_t C = inputs.size(1); + const uint32_t H = inputs.size(2); + const uint32_t W = inputs.size(3); + + AT_ASSERTM(C == 1, "inputs must be [N, 1, H, W] shape"); + AT_ASSERTM((H % 2) == 0, "height must be an even number"); + AT_ASSERTM((W % 2) == 0, "width must be an even number"); + + // label must be uint32_t + auto label_options = + torch::TensorOptions().dtype(torch::kInt32).device(inputs.device()); + torch::Tensor labels = torch::zeros({N, C, H, W}, label_options); + torch::Tensor counts_init = torch::zeros({N, C, H, W}, label_options); + torch::Tensor counts_final = torch::zeros({N, C, H, W}, label_options); + + dim3 grid = dim3( + ((W + 1) / 2 + BLOCK_COLS - 1) / BLOCK_COLS, + ((H + 1) / 2 + BLOCK_ROWS - 1) / BLOCK_ROWS); + dim3 block = dim3(BLOCK_COLS, BLOCK_ROWS); + dim3 grid_count = + dim3((W + BLOCK_COLS) / BLOCK_COLS, (H + BLOCK_ROWS) / BLOCK_ROWS); + dim3 block_count = dim3(BLOCK_COLS, BLOCK_ROWS); + cudaStream_t stream = at::cuda::getCurrentCUDAStream(); + + for (int n = 0; n < N; n++) { + uint32_t offset = n * H * W; + + cc2d::init_labeling<<>>( + labels.data_ptr() + offset, W, H); + cc2d::merge<<>>( + inputs.data_ptr() + offset, + labels.data_ptr() + offset, + W, + H); + cc2d::compression<<>>( + labels.data_ptr() + offset, W, H); + cc2d::final_labeling<<>>( + inputs.data_ptr() + offset, + labels.data_ptr() + offset, + W, + H); + + // get the counting of each pixel + cc2d::init_counting<<>>( + labels.data_ptr() + offset, + counts_init.data_ptr() + offset, + W, + H); + cc2d::final_counting<<>>( + labels.data_ptr() + offset, + counts_init.data_ptr() + offset, + counts_final.data_ptr() + offset, + W, + H); + } + + // returned values are [labels, counts] + std::vector outputs; + outputs.push_back(labels); + outputs.push_back(counts_final); + return outputs; +} + +PYBIND11_MODULE(TORCH_EXTENSION_NAME, m) { + m.def( + "get_connected_componnets", + &get_connected_componnets, + "get_connected_componnets"); +} diff --git a/sam2/modeling/__init__.py b/sam2/modeling/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..5277f46157403e47fd830fc519144b97ef69d4ae --- /dev/null +++ b/sam2/modeling/__init__.py @@ -0,0 +1,5 @@ +# Copyright (c) Meta Platforms, Inc. and affiliates. +# All rights reserved. + +# This source code is licensed under the license found in the +# LICENSE file in the root directory of this source tree. diff --git a/sam2/modeling/backbones/__init__.py b/sam2/modeling/backbones/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..5277f46157403e47fd830fc519144b97ef69d4ae --- /dev/null +++ b/sam2/modeling/backbones/__init__.py @@ -0,0 +1,5 @@ +# Copyright (c) Meta Platforms, Inc. and affiliates. +# All rights reserved. + +# This source code is licensed under the license found in the +# LICENSE file in the root directory of this source tree. diff --git a/sam2/modeling/backbones/hieradet.py b/sam2/modeling/backbones/hieradet.py new file mode 100644 index 0000000000000000000000000000000000000000..19ac77b61d8e1345a301686d39ef2ab6e4b035fb --- /dev/null +++ b/sam2/modeling/backbones/hieradet.py @@ -0,0 +1,317 @@ +# Copyright (c) Meta Platforms, Inc. and affiliates. +# All rights reserved. + +# This source code is licensed under the license found in the +# LICENSE file in the root directory of this source tree. + +import logging +from functools import partial +from typing import List, Tuple, Union + +import torch +import torch.nn as nn +import torch.nn.functional as F +from iopath.common.file_io import g_pathmgr + +from sam2.modeling.backbones.utils import ( + PatchEmbed, + window_partition, + window_unpartition, +) + +from sam2.modeling.sam2_utils import DropPath, MLP + + +def do_pool(x: torch.Tensor, pool: nn.Module, norm: nn.Module = None) -> torch.Tensor: + if pool is None: + return x + # (B, H, W, C) -> (B, C, H, W) + x = x.permute(0, 3, 1, 2) + x = pool(x) + # (B, C, H', W') -> (B, H', W', C) + x = x.permute(0, 2, 3, 1) + if norm: + x = norm(x) + + return x + + +class MultiScaleAttention(nn.Module): + def __init__( + self, + dim: int, + dim_out: int, + num_heads: int, + q_pool: nn.Module = None, + ): + super().__init__() + + self.dim = dim + self.dim_out = dim_out + self.num_heads = num_heads + self.q_pool = q_pool + self.qkv = nn.Linear(dim, dim_out * 3) + self.proj = nn.Linear(dim_out, dim_out) + + def forward(self, x: torch.Tensor) -> torch.Tensor: + B, H, W, _ = x.shape + # qkv with shape (B, H * W, 3, nHead, C) + qkv = self.qkv(x).reshape(B, H * W, 3, self.num_heads, -1) + # q, k, v with shape (B, H * W, nheads, C) + q, k, v = torch.unbind(qkv, 2) + + # Q pooling (for downsample at stage changes) + if self.q_pool: + q = do_pool(q.reshape(B, H, W, -1), self.q_pool) + H, W = q.shape[1:3] # downsampled shape + q = q.reshape(B, H * W, self.num_heads, -1) + + # Torch's SDPA expects [B, nheads, H*W, C] so we transpose + x = F.scaled_dot_product_attention( + q.transpose(1, 2), + k.transpose(1, 2), + v.transpose(1, 2), + ) + # Transpose back + x = x.transpose(1, 2) + x = x.reshape(B, H, W, -1) + + x = self.proj(x) + + return x + + +class MultiScaleBlock(nn.Module): + def __init__( + self, + dim: int, + dim_out: int, + num_heads: int, + mlp_ratio: float = 4.0, + drop_path: float = 0.0, + norm_layer: Union[nn.Module, str] = "LayerNorm", + q_stride: Tuple[int, int] = None, + act_layer: nn.Module = nn.GELU, + window_size: int = 0, + ): + super().__init__() + + if isinstance(norm_layer, str): + norm_layer = partial(getattr(nn, norm_layer), eps=1e-6) + + self.dim = dim + self.dim_out = dim_out + self.norm1 = norm_layer(dim) + + self.window_size = window_size + + self.pool, self.q_stride = None, q_stride + if self.q_stride: + self.pool = nn.MaxPool2d( + kernel_size=q_stride, stride=q_stride, ceil_mode=False + ) + + self.attn = MultiScaleAttention( + dim, + dim_out, + num_heads=num_heads, + q_pool=self.pool, + ) + self.drop_path = DropPath(drop_path) if drop_path > 0.0 else nn.Identity() + + self.norm2 = norm_layer(dim_out) + self.mlp = MLP( + dim_out, + int(dim_out * mlp_ratio), + dim_out, + num_layers=2, + activation=act_layer, + ) + + if dim != dim_out: + self.proj = nn.Linear(dim, dim_out) + + def forward(self, x: torch.Tensor) -> torch.Tensor: + shortcut = x # B, H, W, C + x = self.norm1(x) + + # Skip connection + if self.dim != self.dim_out: + shortcut = do_pool(self.proj(x), self.pool) + + # Window partition + window_size = self.window_size + if window_size > 0: + H, W = x.shape[1], x.shape[2] + x, pad_hw = window_partition(x, window_size) + + # Window Attention + Q Pooling (if stage change) + x = self.attn(x) + if self.q_stride: + # Shapes have changed due to Q pooling + window_size = self.window_size // self.q_stride[0] + H, W = shortcut.shape[1:3] + + pad_h = (window_size - H % window_size) % window_size + pad_w = (window_size - W % window_size) % window_size + pad_hw = (H + pad_h, W + pad_w) + + # Reverse window partition + if self.window_size > 0: + x = window_unpartition(x, window_size, pad_hw, (H, W)) + + x = shortcut + self.drop_path(x) + # MLP + x = x + self.drop_path(self.mlp(self.norm2(x))) + return x + + +class Hiera(nn.Module): + """ + Reference: https://arxiv.org/abs/2306.00989 + """ + + def __init__( + self, + embed_dim: int = 96, # initial embed dim + num_heads: int = 1, # initial number of heads + drop_path_rate: float = 0.0, # stochastic depth + q_pool: int = 3, # number of q_pool stages + q_stride: Tuple[int, int] = (2, 2), # downsample stride bet. stages + stages: Tuple[int, ...] = (2, 3, 16, 3), # blocks per stage + dim_mul: float = 2.0, # dim_mul factor at stage shift + head_mul: float = 2.0, # head_mul factor at stage shift + window_pos_embed_bkg_spatial_size: Tuple[int, int] = (14, 14), + # window size per stage, when not using global att. + window_spec: Tuple[int, ...] = ( + 8, + 4, + 14, + 7, + ), + # global attn in these blocks + global_att_blocks: Tuple[int, ...] = ( + 12, + 16, + 20, + ), + weights_path=None, + return_interm_layers=True, # return feats from every stage + ): + super().__init__() + + assert len(stages) == len(window_spec) + self.window_spec = window_spec + + depth = sum(stages) + self.q_stride = q_stride + self.stage_ends = [sum(stages[:i]) - 1 for i in range(1, len(stages) + 1)] + assert 0 <= q_pool <= len(self.stage_ends[:-1]) + self.q_pool_blocks = [x + 1 for x in self.stage_ends[:-1]][:q_pool] + self.return_interm_layers = return_interm_layers + + self.patch_embed = PatchEmbed( + embed_dim=embed_dim, + ) + # Which blocks have global att? + self.global_att_blocks = global_att_blocks + + # Windowed positional embedding (https://arxiv.org/abs/2311.05613) + self.window_pos_embed_bkg_spatial_size = window_pos_embed_bkg_spatial_size + self.pos_embed = nn.Parameter( + torch.zeros(1, embed_dim, *self.window_pos_embed_bkg_spatial_size) + ) + self.pos_embed_window = nn.Parameter( + torch.zeros(1, embed_dim, self.window_spec[0], self.window_spec[0]) + ) + + dpr = [ + x.item() for x in torch.linspace(0, drop_path_rate, depth) + ] # stochastic depth decay rule + + cur_stage = 1 + self.blocks = nn.ModuleList() + + for i in range(depth): + dim_out = embed_dim + # lags by a block, so first block of + # next stage uses an initial window size + # of previous stage and final window size of current stage + window_size = self.window_spec[cur_stage - 1] + + if self.global_att_blocks is not None: + window_size = 0 if i in self.global_att_blocks else window_size + + if i - 1 in self.stage_ends: + dim_out = int(embed_dim * dim_mul) + num_heads = int(num_heads * head_mul) + cur_stage += 1 + + block = MultiScaleBlock( + dim=embed_dim, + dim_out=dim_out, + num_heads=num_heads, + drop_path=dpr[i], + q_stride=self.q_stride if i in self.q_pool_blocks else None, + window_size=window_size, + ) + + embed_dim = dim_out + self.blocks.append(block) + + self.channel_list = ( + [self.blocks[i].dim_out for i in self.stage_ends[::-1]] + if return_interm_layers + else [self.blocks[-1].dim_out] + ) + + if weights_path is not None: + with g_pathmgr.open(weights_path, "rb") as f: + chkpt = torch.load(f, map_location="cpu") + logging.info("loading Hiera", self.load_state_dict(chkpt, strict=False)) + + def _get_pos_embed(self, hw: Tuple[int, int]) -> torch.Tensor: + h, w = hw + window_embed = self.pos_embed_window + pos_embed = F.interpolate(self.pos_embed, size=(h, w), mode="bicubic") + pos_embed = pos_embed + window_embed.tile( + [x // y for x, y in zip(pos_embed.shape, window_embed.shape)] + ) + pos_embed = pos_embed.permute(0, 2, 3, 1) + return pos_embed + + def forward(self, x: torch.Tensor) -> List[torch.Tensor]: + x = self.patch_embed(x) + # x: (B, H, W, C) + + # Add pos embed + x = x + self._get_pos_embed(x.shape[1:3]) + + outputs = [] + for i, blk in enumerate(self.blocks): + x = blk(x) + if (i == self.stage_ends[-1]) or ( + i in self.stage_ends and self.return_interm_layers + ): + feats = x.permute(0, 3, 1, 2) + outputs.append(feats) + + return outputs + + def get_layer_id(self, layer_name): + # https://github.com/microsoft/unilm/blob/master/beit/optim_factory.py#L33 + num_layers = self.get_num_layers() + + if layer_name.find("rel_pos") != -1: + return num_layers + 1 + elif layer_name.find("pos_embed") != -1: + return 0 + elif layer_name.find("patch_embed") != -1: + return 0 + elif layer_name.find("blocks") != -1: + return int(layer_name.split("blocks")[1].split(".")[1]) + 1 + else: + return num_layers + 1 + + def get_num_layers(self) -> int: + return len(self.blocks) diff --git a/sam2/modeling/backbones/image_encoder.py b/sam2/modeling/backbones/image_encoder.py new file mode 100644 index 0000000000000000000000000000000000000000..37e9266bc98596e97ca303118c910ed24f6cee2c --- /dev/null +++ b/sam2/modeling/backbones/image_encoder.py @@ -0,0 +1,134 @@ +# Copyright (c) Meta Platforms, Inc. and affiliates. +# All rights reserved. + +# This source code is licensed under the license found in the +# LICENSE file in the root directory of this source tree. + +from typing import List, Optional + +import torch +import torch.nn as nn +import torch.nn.functional as F + + +class ImageEncoder(nn.Module): + def __init__( + self, + trunk: nn.Module, + neck: nn.Module, + scalp: int = 0, + ): + super().__init__() + self.trunk = trunk + self.neck = neck + self.scalp = scalp + assert ( + self.trunk.channel_list == self.neck.backbone_channel_list + ), f"Channel dims of trunk and neck do not match. Trunk: {self.trunk.channel_list}, neck: {self.neck.backbone_channel_list}" + + def forward(self, sample: torch.Tensor): + # Forward through backbone + features, pos = self.neck(self.trunk(sample)) + if self.scalp > 0: + # Discard the lowest resolution features + features, pos = features[: -self.scalp], pos[: -self.scalp] + + src = features[-1] + output = { + "vision_features": src, + "vision_pos_enc": pos, + "backbone_fpn": features, + } + return output + + +class FpnNeck(nn.Module): + """ + A modified variant of Feature Pyramid Network (FPN) neck + (we remove output conv and also do bicubic interpolation similar to ViT + pos embed interpolation) + """ + + def __init__( + self, + position_encoding: nn.Module, + d_model: int, + backbone_channel_list: List[int], + kernel_size: int = 1, + stride: int = 1, + padding: int = 0, + fpn_interp_model: str = "bilinear", + fuse_type: str = "sum", + fpn_top_down_levels: Optional[List[int]] = None, + ): + """Initialize the neck + :param trunk: the backbone + :param position_encoding: the positional encoding to use + :param d_model: the dimension of the model + :param neck_norm: the normalization to use + """ + super().__init__() + self.position_encoding = position_encoding + self.convs = nn.ModuleList() + self.backbone_channel_list = backbone_channel_list + self.d_model = d_model + for dim in backbone_channel_list: + current = nn.Sequential() + current.add_module( + "conv", + nn.Conv2d( + in_channels=dim, + out_channels=d_model, + kernel_size=kernel_size, + stride=stride, + padding=padding, + ), + ) + + self.convs.append(current) + self.fpn_interp_model = fpn_interp_model + assert fuse_type in ["sum", "avg"] + self.fuse_type = fuse_type + + # levels to have top-down features in its outputs + # e.g. if fpn_top_down_levels is [2, 3], then only outputs of level 2 and 3 + # have top-down propagation, while outputs of level 0 and level 1 have only + # lateral features from the same backbone level. + if fpn_top_down_levels is None: + # default is to have top-down features on all levels + fpn_top_down_levels = range(len(self.convs)) + self.fpn_top_down_levels = list(fpn_top_down_levels) + + def forward(self, xs: List[torch.Tensor]): + + out = [None] * len(self.convs) + pos = [None] * len(self.convs) + assert len(xs) == len(self.convs) + # fpn forward pass + # see https://github.com/facebookresearch/detectron2/blob/main/detectron2/modeling/backbone/fpn.py + prev_features = None + # forward in top-down order (from low to high resolution) + n = len(self.convs) - 1 + for i in range(n, -1, -1): + x = xs[i] + lateral_features = self.convs[n - i](x) + if i in self.fpn_top_down_levels and prev_features is not None: + top_down_features = F.interpolate( + prev_features.to(dtype=torch.float32), + scale_factor=2.0, + mode=self.fpn_interp_model, + align_corners=( + None if self.fpn_interp_model == "nearest" else False + ), + antialias=False, + ) + prev_features = lateral_features + top_down_features + if self.fuse_type == "avg": + prev_features /= 2 + else: + prev_features = lateral_features + x_out = prev_features + out[i] = x_out + pos[i] = self.position_encoding(x_out).to(x_out.dtype) + + return out, pos diff --git a/sam2/modeling/backbones/utils.py b/sam2/modeling/backbones/utils.py new file mode 100644 index 0000000000000000000000000000000000000000..32d55c7545f064de133a5ff0200ba1ece9b504b7 --- /dev/null +++ b/sam2/modeling/backbones/utils.py @@ -0,0 +1,95 @@ +# Copyright (c) Meta Platforms, Inc. and affiliates. +# All rights reserved. + +# This source code is licensed under the license found in the +# LICENSE file in the root directory of this source tree. + +"""Some utilities for backbones, in particular for windowing""" + +from typing import Tuple + +import torch +import torch.nn as nn +import torch.nn.functional as F + + +def window_partition(x, window_size): + """ + Partition into non-overlapping windows with padding if needed. + Args: + x (tensor): input tokens with [B, H, W, C]. + window_size (int): window size. + Returns: + windows: windows after partition with [B * num_windows, window_size, window_size, C]. + (Hp, Wp): padded height and width before partition + """ + B, H, W, C = x.shape + + pad_h = (window_size - H % window_size) % window_size + pad_w = (window_size - W % window_size) % window_size + if pad_h > 0 or pad_w > 0: + x = F.pad(x, (0, 0, 0, pad_w, 0, pad_h)) + Hp, Wp = H + pad_h, W + pad_w + + x = x.view(B, Hp // window_size, window_size, Wp // window_size, window_size, C) + windows = ( + x.permute(0, 1, 3, 2, 4, 5).contiguous().view(-1, window_size, window_size, C) + ) + return windows, (Hp, Wp) + + +def window_unpartition(windows, window_size, pad_hw, hw): + """ + Window unpartition into original sequences and removing padding. + Args: + x (tensor): input tokens with [B * num_windows, window_size, window_size, C]. + window_size (int): window size. + pad_hw (Tuple): padded height and width (Hp, Wp). + hw (Tuple): original height and width (H, W) before padding. + Returns: + x: unpartitioned sequences with [B, H, W, C]. + """ + Hp, Wp = pad_hw + H, W = hw + B = windows.shape[0] // (Hp * Wp // window_size // window_size) + x = windows.view( + B, Hp // window_size, Wp // window_size, window_size, window_size, -1 + ) + x = x.permute(0, 1, 3, 2, 4, 5).contiguous().view(B, Hp, Wp, -1) + + if Hp > H or Wp > W: + x = x[:, :H, :W, :].contiguous() + return x + + +class PatchEmbed(nn.Module): + """ + Image to Patch Embedding. + """ + + def __init__( + self, + kernel_size: Tuple[int, ...] = (7, 7), + stride: Tuple[int, ...] = (4, 4), + padding: Tuple[int, ...] = (3, 3), + in_chans: int = 3, + embed_dim: int = 768, + ): + """ + Args: + kernel_size (Tuple): kernel size of the projection layer. + stride (Tuple): stride of the projection layer. + padding (Tuple): padding size of the projection layer. + in_chans (int): Number of input image channels. + embed_dim (int): embed_dim (int): Patch embedding dimension. + """ + super().__init__() + self.proj = nn.Conv2d( + in_chans, embed_dim, kernel_size=kernel_size, stride=stride, padding=padding + ) + + def forward(self, x: torch.Tensor) -> torch.Tensor: + x = self.proj(x) + # B C H W -> B H W C + x = x.permute(0, 2, 3, 1) + return x diff --git a/sam2/modeling/memory_attention.py b/sam2/modeling/memory_attention.py new file mode 100644 index 0000000000000000000000000000000000000000..0b07f9d87e3d8194ca5e11fc20f01604d591a59d --- /dev/null +++ b/sam2/modeling/memory_attention.py @@ -0,0 +1,169 @@ +# Copyright (c) Meta Platforms, Inc. and affiliates. +# All rights reserved. + +# This source code is licensed under the license found in the +# LICENSE file in the root directory of this source tree. + +from typing import Optional + +import torch +from torch import nn, Tensor + +from sam2.modeling.sam.transformer import RoPEAttention + +from sam2.modeling.sam2_utils import get_activation_fn, get_clones + + +class MemoryAttentionLayer(nn.Module): + + def __init__( + self, + activation: str, + cross_attention: nn.Module, + d_model: int, + dim_feedforward: int, + dropout: float, + pos_enc_at_attn: bool, + pos_enc_at_cross_attn_keys: bool, + pos_enc_at_cross_attn_queries: bool, + self_attention: nn.Module, + ): + super().__init__() + self.d_model = d_model + self.dim_feedforward = dim_feedforward + self.dropout_value = dropout + self.self_attn = self_attention + self.cross_attn_image = cross_attention + + # Implementation of Feedforward model + self.linear1 = nn.Linear(d_model, dim_feedforward) + self.dropout = nn.Dropout(dropout) + self.linear2 = nn.Linear(dim_feedforward, d_model) + + self.norm1 = nn.LayerNorm(d_model) + self.norm2 = nn.LayerNorm(d_model) + self.norm3 = nn.LayerNorm(d_model) + self.dropout1 = nn.Dropout(dropout) + self.dropout2 = nn.Dropout(dropout) + self.dropout3 = nn.Dropout(dropout) + + self.activation_str = activation + self.activation = get_activation_fn(activation) + + # Where to add pos enc + self.pos_enc_at_attn = pos_enc_at_attn + self.pos_enc_at_cross_attn_queries = pos_enc_at_cross_attn_queries + self.pos_enc_at_cross_attn_keys = pos_enc_at_cross_attn_keys + + def _forward_sa(self, tgt, query_pos): + # Self-Attention + tgt2 = self.norm1(tgt) + q = k = tgt2 + query_pos if self.pos_enc_at_attn else tgt2 + tgt2 = self.self_attn(q, k, v=tgt2) + tgt = tgt + self.dropout1(tgt2) + return tgt + + def _forward_ca(self, tgt, memory, query_pos, pos, num_k_exclude_rope=0): + kwds = {} + if num_k_exclude_rope > 0: + assert isinstance(self.cross_attn_image, RoPEAttention) + kwds = {"num_k_exclude_rope": num_k_exclude_rope} + + # Cross-Attention + tgt2 = self.norm2(tgt) + tgt2 = self.cross_attn_image( + q=tgt2 + query_pos if self.pos_enc_at_cross_attn_queries else tgt2, + k=memory + pos if self.pos_enc_at_cross_attn_keys else memory, + v=memory, + **kwds, + ) + tgt = tgt + self.dropout2(tgt2) + return tgt + + def forward( + self, + tgt, + memory, + pos: Optional[Tensor] = None, + query_pos: Optional[Tensor] = None, + num_k_exclude_rope: int = 0, + ) -> torch.Tensor: + + # Self-Attn, Cross-Attn + tgt = self._forward_sa(tgt, query_pos) + tgt = self._forward_ca(tgt, memory, query_pos, pos, num_k_exclude_rope) + # MLP + tgt2 = self.norm3(tgt) + tgt2 = self.linear2(self.dropout(self.activation(self.linear1(tgt2)))) + tgt = tgt + self.dropout3(tgt2) + return tgt + + +class MemoryAttention(nn.Module): + def __init__( + self, + d_model: int, + pos_enc_at_input: bool, + layer: nn.Module, + num_layers: int, + batch_first: bool = True, # Do layers expect batch first input? + ): + super().__init__() + self.d_model = d_model + self.layers = get_clones(layer, num_layers) + self.num_layers = num_layers + self.norm = nn.LayerNorm(d_model) + self.pos_enc_at_input = pos_enc_at_input + self.batch_first = batch_first + + def forward( + self, + curr: torch.Tensor, # self-attention inputs + memory: torch.Tensor, # cross-attention inputs + curr_pos: Optional[Tensor] = None, # pos_enc for self-attention inputs + memory_pos: Optional[Tensor] = None, # pos_enc for cross-attention inputs + num_obj_ptr_tokens: int = 0, # number of object pointer *tokens* + ): + if isinstance(curr, list): + assert isinstance(curr_pos, list) + assert len(curr) == len(curr_pos) == 1 + curr, curr_pos = ( + curr[0], + curr_pos[0], + ) + + assert ( + curr.shape[1] == memory.shape[1] + ), "Batch size must be the same for curr and memory" + + output = curr + if self.pos_enc_at_input and curr_pos is not None: + output = output + 0.1 * curr_pos + + if self.batch_first: + # Convert to batch first + output = output.transpose(0, 1) + curr_pos = curr_pos.transpose(0, 1) + memory = memory.transpose(0, 1) + memory_pos = memory_pos.transpose(0, 1) + + for layer in self.layers: + kwds = {} + if isinstance(layer.cross_attn_image, RoPEAttention): + kwds = {"num_k_exclude_rope": num_obj_ptr_tokens} + + output = layer( + tgt=output, + memory=memory, + pos=memory_pos, + query_pos=curr_pos, + **kwds, + ) + normed_output = self.norm(output) + + if self.batch_first: + # Convert back to seq first + normed_output = normed_output.transpose(0, 1) + curr_pos = curr_pos.transpose(0, 1) + + return normed_output diff --git a/sam2/modeling/memory_encoder.py b/sam2/modeling/memory_encoder.py new file mode 100644 index 0000000000000000000000000000000000000000..f60202dfaba87232c3870fb2101b5322a119d985 --- /dev/null +++ b/sam2/modeling/memory_encoder.py @@ -0,0 +1,181 @@ +# Copyright (c) Meta Platforms, Inc. and affiliates. +# All rights reserved. + +# This source code is licensed under the license found in the +# LICENSE file in the root directory of this source tree. + +import math +from typing import Tuple + +import torch +import torch.nn as nn +import torch.nn.functional as F + +from sam2.modeling.sam2_utils import DropPath, get_clones, LayerNorm2d + + +class MaskDownSampler(nn.Module): + """ + Progressively downsample a mask by total_stride, each time by stride. + Note that LayerNorm is applied per *token*, like in ViT. + + With each downsample (by a factor stride**2), channel capacity increases by the same factor. + In the end, we linearly project to embed_dim channels. + """ + + def __init__( + self, + embed_dim=256, + kernel_size=4, + stride=4, + padding=0, + total_stride=16, + activation=nn.GELU, + ): + super().__init__() + num_layers = int(math.log2(total_stride) // math.log2(stride)) + assert stride**num_layers == total_stride + self.encoder = nn.Sequential() + mask_in_chans, mask_out_chans = 1, 1 + for _ in range(num_layers): + mask_out_chans = mask_in_chans * (stride**2) + self.encoder.append( + nn.Conv2d( + mask_in_chans, + mask_out_chans, + kernel_size=kernel_size, + stride=stride, + padding=padding, + ) + ) + self.encoder.append(LayerNorm2d(mask_out_chans)) + self.encoder.append(activation()) + mask_in_chans = mask_out_chans + + self.encoder.append(nn.Conv2d(mask_out_chans, embed_dim, kernel_size=1)) + + def forward(self, x): + return self.encoder(x) + + +# Lightly adapted from ConvNext (https://github.com/facebookresearch/ConvNeXt) +class CXBlock(nn.Module): + r"""ConvNeXt Block. There are two equivalent implementations: + (1) DwConv -> LayerNorm (channels_first) -> 1x1 Conv -> GELU -> 1x1 Conv; all in (N, C, H, W) + (2) DwConv -> Permute to (N, H, W, C); LayerNorm (channels_last) -> Linear -> GELU -> Linear; Permute back + We use (2) as we find it slightly faster in PyTorch + + Args: + dim (int): Number of input channels. + drop_path (float): Stochastic depth rate. Default: 0.0 + layer_scale_init_value (float): Init value for Layer Scale. Default: 1e-6. + """ + + def __init__( + self, + dim, + kernel_size=7, + padding=3, + drop_path=0.0, + layer_scale_init_value=1e-6, + use_dwconv=True, + ): + super().__init__() + self.dwconv = nn.Conv2d( + dim, + dim, + kernel_size=kernel_size, + padding=padding, + groups=dim if use_dwconv else 1, + ) # depthwise conv + self.norm = LayerNorm2d(dim, eps=1e-6) + self.pwconv1 = nn.Linear( + dim, 4 * dim + ) # pointwise/1x1 convs, implemented with linear layers + self.act = nn.GELU() + self.pwconv2 = nn.Linear(4 * dim, dim) + self.gamma = ( + nn.Parameter(layer_scale_init_value * torch.ones((dim)), requires_grad=True) + if layer_scale_init_value > 0 + else None + ) + self.drop_path = DropPath(drop_path) if drop_path > 0.0 else nn.Identity() + + def forward(self, x): + input = x + x = self.dwconv(x) + x = self.norm(x) + x = x.permute(0, 2, 3, 1) # (N, C, H, W) -> (N, H, W, C) + x = self.pwconv1(x) + x = self.act(x) + x = self.pwconv2(x) + if self.gamma is not None: + x = self.gamma * x + x = x.permute(0, 3, 1, 2) # (N, H, W, C) -> (N, C, H, W) + + x = input + self.drop_path(x) + return x + + +class Fuser(nn.Module): + def __init__(self, layer, num_layers, dim=None, input_projection=False): + super().__init__() + self.proj = nn.Identity() + self.layers = get_clones(layer, num_layers) + + if input_projection: + assert dim is not None + self.proj = nn.Conv2d(dim, dim, kernel_size=1) + + def forward(self, x): + # normally x: (N, C, H, W) + x = self.proj(x) + for layer in self.layers: + x = layer(x) + return x + + +class MemoryEncoder(nn.Module): + def __init__( + self, + out_dim, + mask_downsampler, + fuser, + position_encoding, + in_dim=256, # in_dim of pix_feats + ): + super().__init__() + + self.mask_downsampler = mask_downsampler + + self.pix_feat_proj = nn.Conv2d(in_dim, in_dim, kernel_size=1) + self.fuser = fuser + self.position_encoding = position_encoding + self.out_proj = nn.Identity() + if out_dim != in_dim: + self.out_proj = nn.Conv2d(in_dim, out_dim, kernel_size=1) + + def forward( + self, + pix_feat: torch.Tensor, + masks: torch.Tensor, + skip_mask_sigmoid: bool = False, + ) -> Tuple[torch.Tensor, torch.Tensor]: + ## Process masks + # sigmoid, so that less domain shift from gt masks which are bool + if not skip_mask_sigmoid: + masks = F.sigmoid(masks) + masks = self.mask_downsampler(masks) + + ## Fuse pix_feats and downsampled masks + # in case the visual features are on CPU, cast them to CUDA + pix_feat = pix_feat.to(masks.device) + + x = self.pix_feat_proj(pix_feat) + x = x + masks + x = self.fuser(x) + x = self.out_proj(x) + + pos = self.position_encoding(x).to(x.dtype) + + return {"vision_features": x, "vision_pos_enc": [pos]} diff --git a/sam2/modeling/position_encoding.py b/sam2/modeling/position_encoding.py new file mode 100644 index 0000000000000000000000000000000000000000..52ac22674d5d4fdd9e83b6bdf034bff56d04bc0d --- /dev/null +++ b/sam2/modeling/position_encoding.py @@ -0,0 +1,221 @@ +# Copyright (c) Meta Platforms, Inc. and affiliates. +# All rights reserved. + +# This source code is licensed under the license found in the +# LICENSE file in the root directory of this source tree. + +import math +from typing import Any, Optional, Tuple + +import numpy as np + +import torch +from torch import nn + + +class PositionEmbeddingSine(nn.Module): + """ + This is a more standard version of the position embedding, very similar to the one + used by the Attention Is All You Need paper, generalized to work on images. + """ + + def __init__( + self, + num_pos_feats, + temperature: int = 10000, + normalize: bool = True, + scale: Optional[float] = None, + ): + super().__init__() + assert num_pos_feats % 2 == 0, "Expecting even model width" + self.num_pos_feats = num_pos_feats // 2 + self.temperature = temperature + self.normalize = normalize + if scale is not None and normalize is False: + raise ValueError("normalize should be True if scale is passed") + if scale is None: + scale = 2 * math.pi + self.scale = scale + + self.cache = {} + + def _encode_xy(self, x, y): + # The positions are expected to be normalized + assert len(x) == len(y) and x.ndim == y.ndim == 1 + x_embed = x * self.scale + y_embed = y * self.scale + + dim_t = torch.arange(self.num_pos_feats, dtype=torch.float32, device=x.device) + dim_t = self.temperature ** (2 * (dim_t // 2) / self.num_pos_feats) + + pos_x = x_embed[:, None] / dim_t + pos_y = y_embed[:, None] / dim_t + pos_x = torch.stack( + (pos_x[:, 0::2].sin(), pos_x[:, 1::2].cos()), dim=2 + ).flatten(1) + pos_y = torch.stack( + (pos_y[:, 0::2].sin(), pos_y[:, 1::2].cos()), dim=2 + ).flatten(1) + return pos_x, pos_y + + @torch.no_grad() + def encode_boxes(self, x, y, w, h): + pos_x, pos_y = self._encode_xy(x, y) + pos = torch.cat((pos_y, pos_x, h[:, None], w[:, None]), dim=1) + return pos + + encode = encode_boxes # Backwards compatibility + + @torch.no_grad() + def encode_points(self, x, y, labels): + (bx, nx), (by, ny), (bl, nl) = x.shape, y.shape, labels.shape + assert bx == by and nx == ny and bx == bl and nx == nl + pos_x, pos_y = self._encode_xy(x.flatten(), y.flatten()) + pos_x, pos_y = pos_x.reshape(bx, nx, -1), pos_y.reshape(by, ny, -1) + pos = torch.cat((pos_y, pos_x, labels[:, :, None]), dim=2) + return pos + + @torch.no_grad() + def forward(self, x: torch.Tensor): + cache_key = (x.shape[-2], x.shape[-1]) + if cache_key in self.cache: + return self.cache[cache_key][None].repeat(x.shape[0], 1, 1, 1) + y_embed = ( + torch.arange(1, x.shape[-2] + 1, dtype=torch.float32, device=x.device) + .view(1, -1, 1) + .repeat(x.shape[0], 1, x.shape[-1]) + ) + x_embed = ( + torch.arange(1, x.shape[-1] + 1, dtype=torch.float32, device=x.device) + .view(1, 1, -1) + .repeat(x.shape[0], x.shape[-2], 1) + ) + + if self.normalize: + eps = 1e-6 + y_embed = y_embed / (y_embed[:, -1:, :] + eps) * self.scale + x_embed = x_embed / (x_embed[:, :, -1:] + eps) * self.scale + + dim_t = torch.arange(self.num_pos_feats, dtype=torch.float32, device=x.device) + dim_t = self.temperature ** (2 * (dim_t // 2) / self.num_pos_feats) + + pos_x = x_embed[:, :, :, None] / dim_t + pos_y = y_embed[:, :, :, None] / dim_t + pos_x = torch.stack( + (pos_x[:, :, :, 0::2].sin(), pos_x[:, :, :, 1::2].cos()), dim=4 + ).flatten(3) + pos_y = torch.stack( + (pos_y[:, :, :, 0::2].sin(), pos_y[:, :, :, 1::2].cos()), dim=4 + ).flatten(3) + pos = torch.cat((pos_y, pos_x), dim=3).permute(0, 3, 1, 2) + self.cache[cache_key] = pos[0] + return pos + + +class PositionEmbeddingRandom(nn.Module): + """ + Positional encoding using random spatial frequencies. + """ + + def __init__(self, num_pos_feats: int = 64, scale: Optional[float] = None) -> None: + super().__init__() + if scale is None or scale <= 0.0: + scale = 1.0 + self.register_buffer( + "positional_encoding_gaussian_matrix", + scale * torch.randn((2, num_pos_feats)), + ) + + def _pe_encoding(self, coords: torch.Tensor) -> torch.Tensor: + """Positionally encode points that are normalized to [0,1].""" + # assuming coords are in [0, 1]^2 square and have d_1 x ... x d_n x 2 shape + coords = 2 * coords - 1 + coords = coords @ self.positional_encoding_gaussian_matrix + coords = 2 * np.pi * coords + # outputs d_1 x ... x d_n x C shape + return torch.cat([torch.sin(coords), torch.cos(coords)], dim=-1) + + def forward(self, size: Tuple[int, int]) -> torch.Tensor: + """Generate positional encoding for a grid of the specified size.""" + h, w = size + device: Any = self.positional_encoding_gaussian_matrix.device + grid = torch.ones((h, w), device=device, dtype=torch.float32) + y_embed = grid.cumsum(dim=0) - 0.5 + x_embed = grid.cumsum(dim=1) - 0.5 + y_embed = y_embed / h + x_embed = x_embed / w + + pe = self._pe_encoding(torch.stack([x_embed, y_embed], dim=-1)) + return pe.permute(2, 0, 1) # C x H x W + + def forward_with_coords( + self, coords_input: torch.Tensor, image_size: Tuple[int, int] + ) -> torch.Tensor: + """Positionally encode points that are not normalized to [0,1].""" + coords = coords_input.clone() + coords[:, :, 0] = coords[:, :, 0] / image_size[1] + coords[:, :, 1] = coords[:, :, 1] / image_size[0] + return self._pe_encoding(coords.to(torch.float)) # B x N x C + + +# Rotary Positional Encoding, adapted from: +# 1. https://github.com/meta-llama/codellama/blob/main/llama/model.py +# 2. https://github.com/naver-ai/rope-vit +# 3. https://github.com/lucidrains/rotary-embedding-torch + + +def init_t_xy(end_x: int, end_y: int): + t = torch.arange(end_x * end_y, dtype=torch.float32) + t_x = (t % end_x).float() + t_y = torch.div(t, end_x, rounding_mode="floor").float() + return t_x, t_y + + +def compute_axial_cis(dim: int, end_x: int, end_y: int, theta: float = 10000.0): + freqs_x = 1.0 / (theta ** (torch.arange(0, dim, 4)[: (dim // 4)].float() / dim)) + freqs_y = 1.0 / (theta ** (torch.arange(0, dim, 4)[: (dim // 4)].float() / dim)) + + t_x, t_y = init_t_xy(end_x, end_y) + freqs_x = torch.outer(t_x, freqs_x) + freqs_y = torch.outer(t_y, freqs_y) + freqs_cis_x = torch.polar(torch.ones_like(freqs_x), freqs_x) + freqs_cis_y = torch.polar(torch.ones_like(freqs_y), freqs_y) + return torch.cat([freqs_cis_x, freqs_cis_y], dim=-1) + + +def reshape_for_broadcast(freqs_cis: torch.Tensor, x: torch.Tensor): + ndim = x.ndim + assert 0 <= 1 < ndim + assert freqs_cis.shape == (x.shape[-2], x.shape[-1]) + shape = [d if i >= ndim - 2 else 1 for i, d in enumerate(x.shape)] + return freqs_cis.view(*shape) + + +def apply_rotary_enc( + xq: torch.Tensor, + xk: torch.Tensor, + freqs_cis: torch.Tensor, + repeat_freqs_k: bool = False, +): + xq_ = torch.view_as_complex(xq.float().reshape(*xq.shape[:-1], -1, 2)) + xk_ = ( + torch.view_as_complex(xk.float().reshape(*xk.shape[:-1], -1, 2)) + if xk.shape[-2] != 0 + else None + ) + freqs_cis = reshape_for_broadcast(freqs_cis, xq_) + xq_out = torch.view_as_real(xq_ * freqs_cis).flatten(3) + if xk_ is None: + # no keys to rotate, due to dropout + return xq_out.type_as(xq).to(xq.device), xk + # repeat freqs along seq_len dim to match k seq_len + if repeat_freqs_k: + r = xk_.shape[-2] // xq_.shape[-2] + if freqs_cis.is_cuda: + freqs_cis = freqs_cis.repeat(*([1] * (freqs_cis.ndim - 2)), r, 1) + else: + # torch.repeat on complex numbers may not be supported on non-CUDA devices + # (freqs_cis has 4 dims and we repeat on dim 2) so we use expand + flatten + freqs_cis = freqs_cis.unsqueeze(2).expand(-1, -1, r, -1, -1).flatten(2, 3) + xk_out = torch.view_as_real(xk_ * freqs_cis).flatten(3) + return xq_out.type_as(xq).to(xq.device), xk_out.type_as(xk).to(xk.device) diff --git a/sam2/modeling/sam/__init__.py b/sam2/modeling/sam/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..5277f46157403e47fd830fc519144b97ef69d4ae --- /dev/null +++ b/sam2/modeling/sam/__init__.py @@ -0,0 +1,5 @@ +# Copyright (c) Meta Platforms, Inc. and affiliates. +# All rights reserved. + +# This source code is licensed under the license found in the +# LICENSE file in the root directory of this source tree. diff --git a/sam2/modeling/sam/mask_decoder.py b/sam2/modeling/sam/mask_decoder.py new file mode 100644 index 0000000000000000000000000000000000000000..9bebc0366b2703ffcb80a44bfd19cce8339b4fed --- /dev/null +++ b/sam2/modeling/sam/mask_decoder.py @@ -0,0 +1,295 @@ +# Copyright (c) Meta Platforms, Inc. and affiliates. +# All rights reserved. + +# This source code is licensed under the license found in the +# LICENSE file in the root directory of this source tree. + +from typing import List, Optional, Tuple, Type + +import torch +from torch import nn + +from sam2.modeling.sam2_utils import LayerNorm2d, MLP + + +class MaskDecoder(nn.Module): + def __init__( + self, + *, + transformer_dim: int, + transformer: nn.Module, + num_multimask_outputs: int = 3, + activation: Type[nn.Module] = nn.GELU, + iou_head_depth: int = 3, + iou_head_hidden_dim: int = 256, + use_high_res_features: bool = False, + iou_prediction_use_sigmoid=False, + dynamic_multimask_via_stability=False, + dynamic_multimask_stability_delta=0.05, + dynamic_multimask_stability_thresh=0.98, + pred_obj_scores: bool = False, + pred_obj_scores_mlp: bool = False, + use_multimask_token_for_obj_ptr: bool = False, + ) -> None: + """ + Predicts masks given an image and prompt embeddings, using a + transformer architecture. + + Arguments: + transformer_dim (int): the channel dimension of the transformer + transformer (nn.Module): the transformer used to predict masks + num_multimask_outputs (int): the number of masks to predict + when disambiguating masks + activation (nn.Module): the type of activation to use when + upscaling masks + iou_head_depth (int): the depth of the MLP used to predict + mask quality + iou_head_hidden_dim (int): the hidden dimension of the MLP + used to predict mask quality + """ + super().__init__() + self.transformer_dim = transformer_dim + self.transformer = transformer + + self.num_multimask_outputs = num_multimask_outputs + + self.iou_token = nn.Embedding(1, transformer_dim) + self.num_mask_tokens = num_multimask_outputs + 1 + self.mask_tokens = nn.Embedding(self.num_mask_tokens, transformer_dim) + + self.pred_obj_scores = pred_obj_scores + if self.pred_obj_scores: + self.obj_score_token = nn.Embedding(1, transformer_dim) + self.use_multimask_token_for_obj_ptr = use_multimask_token_for_obj_ptr + + self.output_upscaling = nn.Sequential( + nn.ConvTranspose2d( + transformer_dim, transformer_dim // 4, kernel_size=2, stride=2 + ), + LayerNorm2d(transformer_dim // 4), + activation(), + nn.ConvTranspose2d( + transformer_dim // 4, transformer_dim // 8, kernel_size=2, stride=2 + ), + activation(), + ) + self.use_high_res_features = use_high_res_features + if use_high_res_features: + self.conv_s0 = nn.Conv2d( + transformer_dim, transformer_dim // 8, kernel_size=1, stride=1 + ) + self.conv_s1 = nn.Conv2d( + transformer_dim, transformer_dim // 4, kernel_size=1, stride=1 + ) + + self.output_hypernetworks_mlps = nn.ModuleList( + [ + MLP(transformer_dim, transformer_dim, transformer_dim // 8, 3) + for i in range(self.num_mask_tokens) + ] + ) + + self.iou_prediction_head = MLP( + transformer_dim, + iou_head_hidden_dim, + self.num_mask_tokens, + iou_head_depth, + sigmoid_output=iou_prediction_use_sigmoid, + ) + if self.pred_obj_scores: + self.pred_obj_score_head = nn.Linear(transformer_dim, 1) + if pred_obj_scores_mlp: + self.pred_obj_score_head = MLP(transformer_dim, transformer_dim, 1, 3) + + # When outputting a single mask, optionally we can dynamically fall back to the best + # multimask output token if the single mask output token gives low stability scores. + self.dynamic_multimask_via_stability = dynamic_multimask_via_stability + self.dynamic_multimask_stability_delta = dynamic_multimask_stability_delta + self.dynamic_multimask_stability_thresh = dynamic_multimask_stability_thresh + + def forward( + self, + image_embeddings: torch.Tensor, + image_pe: torch.Tensor, + sparse_prompt_embeddings: torch.Tensor, + dense_prompt_embeddings: torch.Tensor, + multimask_output: bool, + repeat_image: bool, + high_res_features: Optional[List[torch.Tensor]] = None, + ) -> Tuple[torch.Tensor, torch.Tensor]: + """ + Predict masks given image and prompt embeddings. + + Arguments: + image_embeddings (torch.Tensor): the embeddings from the image encoder + image_pe (torch.Tensor): positional encoding with the shape of image_embeddings + sparse_prompt_embeddings (torch.Tensor): the embeddings of the points and boxes + dense_prompt_embeddings (torch.Tensor): the embeddings of the mask inputs + multimask_output (bool): Whether to return multiple masks or a single + mask. + + Returns: + torch.Tensor: batched predicted masks + torch.Tensor: batched predictions of mask quality + torch.Tensor: batched SAM token for mask output + """ + masks, iou_pred, mask_tokens_out, object_score_logits = self.predict_masks( + image_embeddings=image_embeddings, + image_pe=image_pe, + sparse_prompt_embeddings=sparse_prompt_embeddings, + dense_prompt_embeddings=dense_prompt_embeddings, + repeat_image=repeat_image, + high_res_features=high_res_features, + ) + + # Select the correct mask or masks for output + if multimask_output: + masks = masks[:, 1:, :, :] + iou_pred = iou_pred[:, 1:] + elif self.dynamic_multimask_via_stability and not self.training: + masks, iou_pred = self._dynamic_multimask_via_stability(masks, iou_pred) + else: + masks = masks[:, 0:1, :, :] + iou_pred = iou_pred[:, 0:1] + + if multimask_output and self.use_multimask_token_for_obj_ptr: + sam_tokens_out = mask_tokens_out[:, 1:] # [b, 3, c] shape + else: + # Take the mask output token. Here we *always* use the token for single mask output. + # At test time, even if we track after 1-click (and using multimask_output=True), + # we still take the single mask token here. The rationale is that we always track + # after multiple clicks during training, so the past tokens seen during training + # are always the single mask token (and we'll let it be the object-memory token). + sam_tokens_out = mask_tokens_out[:, 0:1] # [b, 1, c] shape + + # Prepare output + return masks, iou_pred, sam_tokens_out, object_score_logits + + def predict_masks( + self, + image_embeddings: torch.Tensor, + image_pe: torch.Tensor, + sparse_prompt_embeddings: torch.Tensor, + dense_prompt_embeddings: torch.Tensor, + repeat_image: bool, + high_res_features: Optional[List[torch.Tensor]] = None, + ) -> Tuple[torch.Tensor, torch.Tensor]: + """Predicts masks. See 'forward' for more details.""" + # Concatenate output tokens + s = 0 + if self.pred_obj_scores: + output_tokens = torch.cat( + [ + self.obj_score_token.weight, + self.iou_token.weight, + self.mask_tokens.weight, + ], + dim=0, + ) + s = 1 + else: + output_tokens = torch.cat( + [self.iou_token.weight, self.mask_tokens.weight], dim=0 + ) + output_tokens = output_tokens.unsqueeze(0).expand( + sparse_prompt_embeddings.size(0), -1, -1 + ) + tokens = torch.cat((output_tokens, sparse_prompt_embeddings), dim=1) + + # Expand per-image data in batch direction to be per-mask + if repeat_image: + src = torch.repeat_interleave(image_embeddings, tokens.shape[0], dim=0) + else: + assert image_embeddings.shape[0] == tokens.shape[0] + src = image_embeddings + src = src + dense_prompt_embeddings + assert ( + image_pe.size(0) == 1 + ), "image_pe should have size 1 in batch dim (from `get_dense_pe()`)" + pos_src = torch.repeat_interleave(image_pe, tokens.shape[0], dim=0) + b, c, h, w = src.shape + + # Run the transformer + hs, src = self.transformer(src, pos_src, tokens) + iou_token_out = hs[:, s, :] + mask_tokens_out = hs[:, s + 1 : (s + 1 + self.num_mask_tokens), :] + + # Upscale mask embeddings and predict masks using the mask tokens + src = src.transpose(1, 2).view(b, c, h, w) + if not self.use_high_res_features: + upscaled_embedding = self.output_upscaling(src) + else: + dc1, ln1, act1, dc2, act2 = self.output_upscaling + feat_s0, feat_s1 = high_res_features + upscaled_embedding = act1(ln1(dc1(src) + feat_s1)) + upscaled_embedding = act2(dc2(upscaled_embedding) + feat_s0) + + hyper_in_list: List[torch.Tensor] = [] + for i in range(self.num_mask_tokens): + hyper_in_list.append( + self.output_hypernetworks_mlps[i](mask_tokens_out[:, i, :]) + ) + hyper_in = torch.stack(hyper_in_list, dim=1) + b, c, h, w = upscaled_embedding.shape + masks = (hyper_in @ upscaled_embedding.view(b, c, h * w)).view(b, -1, h, w) + + # Generate mask quality predictions + iou_pred = self.iou_prediction_head(iou_token_out) + if self.pred_obj_scores: + assert s == 1 + object_score_logits = self.pred_obj_score_head(hs[:, 0, :]) + else: + # Obj scores logits - default to 10.0, i.e. assuming the object is present, sigmoid(10)=1 + object_score_logits = 10.0 * iou_pred.new_ones(iou_pred.shape[0], 1) + + return masks, iou_pred, mask_tokens_out, object_score_logits + + def _get_stability_scores(self, mask_logits): + """ + Compute stability scores of the mask logits based on the IoU between upper and + lower thresholds. + """ + mask_logits = mask_logits.flatten(-2) + stability_delta = self.dynamic_multimask_stability_delta + area_i = torch.sum(mask_logits > stability_delta, dim=-1).float() + area_u = torch.sum(mask_logits > -stability_delta, dim=-1).float() + stability_scores = torch.where(area_u > 0, area_i / area_u, 1.0) + return stability_scores + + def _dynamic_multimask_via_stability(self, all_mask_logits, all_iou_scores): + """ + When outputting a single mask, if the stability score from the current single-mask + output (based on output token 0) falls below a threshold, we instead select from + multi-mask outputs (based on output token 1~3) the mask with the highest predicted + IoU score. This is intended to ensure a valid mask for both clicking and tracking. + """ + # The best mask from multimask output tokens (1~3) + multimask_logits = all_mask_logits[:, 1:, :, :] + multimask_iou_scores = all_iou_scores[:, 1:] + best_scores_inds = torch.argmax(multimask_iou_scores, dim=-1) + batch_inds = torch.arange( + multimask_iou_scores.size(0), device=all_iou_scores.device + ) + best_multimask_logits = multimask_logits[batch_inds, best_scores_inds] + best_multimask_logits = best_multimask_logits.unsqueeze(1) + best_multimask_iou_scores = multimask_iou_scores[batch_inds, best_scores_inds] + best_multimask_iou_scores = best_multimask_iou_scores.unsqueeze(1) + + # The mask from singlemask output token 0 and its stability score + singlemask_logits = all_mask_logits[:, 0:1, :, :] + singlemask_iou_scores = all_iou_scores[:, 0:1] + stability_scores = self._get_stability_scores(singlemask_logits) + is_stable = stability_scores >= self.dynamic_multimask_stability_thresh + + # Dynamically fall back to best multimask output upon low stability scores. + mask_logits_out = torch.where( + is_stable[..., None, None].expand_as(singlemask_logits), + singlemask_logits, + best_multimask_logits, + ) + iou_scores_out = torch.where( + is_stable.expand_as(singlemask_iou_scores), + singlemask_iou_scores, + best_multimask_iou_scores, + ) + return mask_logits_out, iou_scores_out diff --git a/sam2/modeling/sam/prompt_encoder.py b/sam2/modeling/sam/prompt_encoder.py new file mode 100644 index 0000000000000000000000000000000000000000..6b3bbb95be0aea9c88f49f586ac959a9fda1b18b --- /dev/null +++ b/sam2/modeling/sam/prompt_encoder.py @@ -0,0 +1,182 @@ +# Copyright (c) Meta Platforms, Inc. and affiliates. +# All rights reserved. + +# This source code is licensed under the license found in the +# LICENSE file in the root directory of this source tree. + +from typing import Optional, Tuple, Type + +import torch +from torch import nn + +from sam2.modeling.position_encoding import PositionEmbeddingRandom + +from sam2.modeling.sam2_utils import LayerNorm2d + + +class PromptEncoder(nn.Module): + def __init__( + self, + embed_dim: int, + image_embedding_size: Tuple[int, int], + input_image_size: Tuple[int, int], + mask_in_chans: int, + activation: Type[nn.Module] = nn.GELU, + ) -> None: + """ + Encodes prompts for input to SAM's mask decoder. + + Arguments: + embed_dim (int): The prompts' embedding dimension + image_embedding_size (tuple(int, int)): The spatial size of the + image embedding, as (H, W). + input_image_size (int): The padded size of the image as input + to the image encoder, as (H, W). + mask_in_chans (int): The number of hidden channels used for + encoding input masks. + activation (nn.Module): The activation to use when encoding + input masks. + """ + super().__init__() + self.embed_dim = embed_dim + self.input_image_size = input_image_size + self.image_embedding_size = image_embedding_size + self.pe_layer = PositionEmbeddingRandom(embed_dim // 2) + + self.num_point_embeddings: int = 4 # pos/neg point + 2 box corners + point_embeddings = [ + nn.Embedding(1, embed_dim) for i in range(self.num_point_embeddings) + ] + self.point_embeddings = nn.ModuleList(point_embeddings) + self.not_a_point_embed = nn.Embedding(1, embed_dim) + + self.mask_input_size = ( + 4 * image_embedding_size[0], + 4 * image_embedding_size[1], + ) + self.mask_downscaling = nn.Sequential( + nn.Conv2d(1, mask_in_chans // 4, kernel_size=2, stride=2), + LayerNorm2d(mask_in_chans // 4), + activation(), + nn.Conv2d(mask_in_chans // 4, mask_in_chans, kernel_size=2, stride=2), + LayerNorm2d(mask_in_chans), + activation(), + nn.Conv2d(mask_in_chans, embed_dim, kernel_size=1), + ) + self.no_mask_embed = nn.Embedding(1, embed_dim) + + def get_dense_pe(self) -> torch.Tensor: + """ + Returns the positional encoding used to encode point prompts, + applied to a dense set of points the shape of the image encoding. + + Returns: + torch.Tensor: Positional encoding with shape + 1x(embed_dim)x(embedding_h)x(embedding_w) + """ + return self.pe_layer(self.image_embedding_size).unsqueeze(0) + + def _embed_points( + self, + points: torch.Tensor, + labels: torch.Tensor, + pad: bool, + ) -> torch.Tensor: + """Embeds point prompts.""" + points = points + 0.5 # Shift to center of pixel + if pad: + padding_point = torch.zeros((points.shape[0], 1, 2), device=points.device) + padding_label = -torch.ones((labels.shape[0], 1), device=labels.device) + points = torch.cat([points, padding_point], dim=1) + labels = torch.cat([labels, padding_label], dim=1) + point_embedding = self.pe_layer.forward_with_coords( + points, self.input_image_size + ) + point_embedding[labels == -1] = 0.0 + point_embedding[labels == -1] += self.not_a_point_embed.weight + point_embedding[labels == 0] += self.point_embeddings[0].weight + point_embedding[labels == 1] += self.point_embeddings[1].weight + point_embedding[labels == 2] += self.point_embeddings[2].weight + point_embedding[labels == 3] += self.point_embeddings[3].weight + return point_embedding + + def _embed_boxes(self, boxes: torch.Tensor) -> torch.Tensor: + """Embeds box prompts.""" + boxes = boxes + 0.5 # Shift to center of pixel + coords = boxes.reshape(-1, 2, 2) + corner_embedding = self.pe_layer.forward_with_coords( + coords, self.input_image_size + ) + corner_embedding[:, 0, :] += self.point_embeddings[2].weight + corner_embedding[:, 1, :] += self.point_embeddings[3].weight + return corner_embedding + + def _embed_masks(self, masks: torch.Tensor) -> torch.Tensor: + """Embeds mask inputs.""" + mask_embedding = self.mask_downscaling(masks) + return mask_embedding + + def _get_batch_size( + self, + points: Optional[Tuple[torch.Tensor, torch.Tensor]], + boxes: Optional[torch.Tensor], + masks: Optional[torch.Tensor], + ) -> int: + """ + Gets the batch size of the output given the batch size of the input prompts. + """ + if points is not None: + return points[0].shape[0] + elif boxes is not None: + return boxes.shape[0] + elif masks is not None: + return masks.shape[0] + else: + return 1 + + def _get_device(self) -> torch.device: + return self.point_embeddings[0].weight.device + + def forward( + self, + points: Optional[Tuple[torch.Tensor, torch.Tensor]], + boxes: Optional[torch.Tensor], + masks: Optional[torch.Tensor], + ) -> Tuple[torch.Tensor, torch.Tensor]: + """ + Embeds different types of prompts, returning both sparse and dense + embeddings. + + Arguments: + points (tuple(torch.Tensor, torch.Tensor) or none): point coordinates + and labels to embed. + boxes (torch.Tensor or none): boxes to embed + masks (torch.Tensor or none): masks to embed + + Returns: + torch.Tensor: sparse embeddings for the points and boxes, with shape + BxNx(embed_dim), where N is determined by the number of input points + and boxes. + torch.Tensor: dense embeddings for the masks, in the shape + Bx(embed_dim)x(embed_H)x(embed_W) + """ + bs = self._get_batch_size(points, boxes, masks) + sparse_embeddings = torch.empty( + (bs, 0, self.embed_dim), device=self._get_device() + ) + if points is not None: + coords, labels = points + point_embeddings = self._embed_points(coords, labels, pad=(boxes is None)) + sparse_embeddings = torch.cat([sparse_embeddings, point_embeddings], dim=1) + if boxes is not None: + box_embeddings = self._embed_boxes(boxes) + sparse_embeddings = torch.cat([sparse_embeddings, box_embeddings], dim=1) + + if masks is not None: + dense_embeddings = self._embed_masks(masks) + else: + dense_embeddings = self.no_mask_embed.weight.reshape(1, -1, 1, 1).expand( + bs, -1, self.image_embedding_size[0], self.image_embedding_size[1] + ) + + return sparse_embeddings, dense_embeddings diff --git a/sam2/modeling/sam/transformer.py b/sam2/modeling/sam/transformer.py new file mode 100644 index 0000000000000000000000000000000000000000..b5b6fa2f87e85a7f222fb2ba0b661734dc57a08a --- /dev/null +++ b/sam2/modeling/sam/transformer.py @@ -0,0 +1,360 @@ +# Copyright (c) Meta Platforms, Inc. and affiliates. +# All rights reserved. + +# This source code is licensed under the license found in the +# LICENSE file in the root directory of this source tree. + +import contextlib +import math +import warnings +from functools import partial +from typing import Tuple, Type + +import torch +import torch.nn.functional as F +from torch import nn, Tensor + +from sam2.modeling.position_encoding import apply_rotary_enc, compute_axial_cis +from sam2.modeling.sam2_utils import MLP +from sam2.utils.misc import get_sdpa_settings + +warnings.simplefilter(action="ignore", category=FutureWarning) +# Check whether Flash Attention is available (and use it by default) +OLD_GPU, USE_FLASH_ATTN, MATH_KERNEL_ON = get_sdpa_settings() +# A fallback setting to allow all available kernels if Flash Attention fails +ALLOW_ALL_KERNELS = False + + +def sdp_kernel_context(dropout_p): + """ + Get the context for the attention scaled dot-product kernel. We use Flash Attention + by default, but fall back to all available kernels if Flash Attention fails. + """ + if ALLOW_ALL_KERNELS: + return contextlib.nullcontext() + + return torch.backends.cuda.sdp_kernel( + enable_flash=USE_FLASH_ATTN, + # if Flash attention kernel is off, then math kernel needs to be enabled + enable_math=(OLD_GPU and dropout_p > 0.0) or MATH_KERNEL_ON, + enable_mem_efficient=OLD_GPU, + ) + + +class TwoWayTransformer(nn.Module): + def __init__( + self, + depth: int, + embedding_dim: int, + num_heads: int, + mlp_dim: int, + activation: Type[nn.Module] = nn.ReLU, + attention_downsample_rate: int = 2, + ) -> None: + """ + A transformer decoder that attends to an input image using + queries whose positional embedding is supplied. + + Args: + depth (int): number of layers in the transformer + embedding_dim (int): the channel dimension for the input embeddings + num_heads (int): the number of heads for multihead attention. Must + divide embedding_dim + mlp_dim (int): the channel dimension internal to the MLP block + activation (nn.Module): the activation to use in the MLP block + """ + super().__init__() + self.depth = depth + self.embedding_dim = embedding_dim + self.num_heads = num_heads + self.mlp_dim = mlp_dim + self.layers = nn.ModuleList() + + for i in range(depth): + self.layers.append( + TwoWayAttentionBlock( + embedding_dim=embedding_dim, + num_heads=num_heads, + mlp_dim=mlp_dim, + activation=activation, + attention_downsample_rate=attention_downsample_rate, + skip_first_layer_pe=(i == 0), + ) + ) + + self.final_attn_token_to_image = Attention( + embedding_dim, num_heads, downsample_rate=attention_downsample_rate + ) + self.norm_final_attn = nn.LayerNorm(embedding_dim) + + def forward( + self, + image_embedding: Tensor, + image_pe: Tensor, + point_embedding: Tensor, + ) -> Tuple[Tensor, Tensor]: + """ + Args: + image_embedding (torch.Tensor): image to attend to. Should be shape + B x embedding_dim x h x w for any h and w. + image_pe (torch.Tensor): the positional encoding to add to the image. Must + have the same shape as image_embedding. + point_embedding (torch.Tensor): the embedding to add to the query points. + Must have shape B x N_points x embedding_dim for any N_points. + + Returns: + torch.Tensor: the processed point_embedding + torch.Tensor: the processed image_embedding + """ + # BxCxHxW -> BxHWxC == B x N_image_tokens x C + bs, c, h, w = image_embedding.shape + image_embedding = image_embedding.flatten(2).permute(0, 2, 1) + image_pe = image_pe.flatten(2).permute(0, 2, 1) + + # Prepare queries + queries = point_embedding + keys = image_embedding + + # Apply transformer blocks and final layernorm + for layer in self.layers: + queries, keys = layer( + queries=queries, + keys=keys, + query_pe=point_embedding, + key_pe=image_pe, + ) + + # Apply the final attention layer from the points to the image + q = queries + point_embedding + k = keys + image_pe + attn_out = self.final_attn_token_to_image(q=q, k=k, v=keys) + queries = queries + attn_out + queries = self.norm_final_attn(queries) + + return queries, keys + + +class TwoWayAttentionBlock(nn.Module): + def __init__( + self, + embedding_dim: int, + num_heads: int, + mlp_dim: int = 2048, + activation: Type[nn.Module] = nn.ReLU, + attention_downsample_rate: int = 2, + skip_first_layer_pe: bool = False, + ) -> None: + """ + A transformer block with four layers: (1) self-attention of sparse + inputs, (2) cross attention of sparse inputs to dense inputs, (3) mlp + block on sparse inputs, and (4) cross attention of dense inputs to sparse + inputs. + + Arguments: + embedding_dim (int): the channel dimension of the embeddings + num_heads (int): the number of heads in the attention layers + mlp_dim (int): the hidden dimension of the mlp block + activation (nn.Module): the activation of the mlp block + skip_first_layer_pe (bool): skip the PE on the first layer + """ + super().__init__() + self.self_attn = Attention(embedding_dim, num_heads) + self.norm1 = nn.LayerNorm(embedding_dim) + + self.cross_attn_token_to_image = Attention( + embedding_dim, num_heads, downsample_rate=attention_downsample_rate + ) + self.norm2 = nn.LayerNorm(embedding_dim) + + self.mlp = MLP( + embedding_dim, mlp_dim, embedding_dim, num_layers=2, activation=activation + ) + self.norm3 = nn.LayerNorm(embedding_dim) + + self.norm4 = nn.LayerNorm(embedding_dim) + self.cross_attn_image_to_token = Attention( + embedding_dim, num_heads, downsample_rate=attention_downsample_rate + ) + + self.skip_first_layer_pe = skip_first_layer_pe + + def forward( + self, queries: Tensor, keys: Tensor, query_pe: Tensor, key_pe: Tensor + ) -> Tuple[Tensor, Tensor]: + # Self attention block + if self.skip_first_layer_pe: + queries = self.self_attn(q=queries, k=queries, v=queries) + else: + q = queries + query_pe + attn_out = self.self_attn(q=q, k=q, v=queries) + queries = queries + attn_out + queries = self.norm1(queries) + + # Cross attention block, tokens attending to image embedding + q = queries + query_pe + k = keys + key_pe + attn_out = self.cross_attn_token_to_image(q=q, k=k, v=keys) + queries = queries + attn_out + queries = self.norm2(queries) + + # MLP block + mlp_out = self.mlp(queries) + queries = queries + mlp_out + queries = self.norm3(queries) + + # Cross attention block, image embedding attending to tokens + q = queries + query_pe + k = keys + key_pe + attn_out = self.cross_attn_image_to_token(q=k, k=q, v=queries) + keys = keys + attn_out + keys = self.norm4(keys) + + return queries, keys + + +class Attention(nn.Module): + """ + An attention layer that allows for downscaling the size of the embedding + after projection to queries, keys, and values. + """ + + def __init__( + self, + embedding_dim: int, + num_heads: int, + downsample_rate: int = 1, + dropout: float = 0.0, + kv_in_dim: int = None, + ) -> None: + super().__init__() + self.embedding_dim = embedding_dim + self.kv_in_dim = kv_in_dim if kv_in_dim is not None else embedding_dim + self.internal_dim = embedding_dim // downsample_rate + self.num_heads = num_heads + assert ( + self.internal_dim % num_heads == 0 + ), "num_heads must divide embedding_dim." + + self.q_proj = nn.Linear(embedding_dim, self.internal_dim) + self.k_proj = nn.Linear(self.kv_in_dim, self.internal_dim) + self.v_proj = nn.Linear(self.kv_in_dim, self.internal_dim) + self.out_proj = nn.Linear(self.internal_dim, embedding_dim) + + self.dropout_p = dropout + + def _separate_heads(self, x: Tensor, num_heads: int) -> Tensor: + b, n, c = x.shape + x = x.reshape(b, n, num_heads, c // num_heads) + return x.transpose(1, 2) # B x N_heads x N_tokens x C_per_head + + def _recombine_heads(self, x: Tensor) -> Tensor: + b, n_heads, n_tokens, c_per_head = x.shape + x = x.transpose(1, 2) + return x.reshape(b, n_tokens, n_heads * c_per_head) # B x N_tokens x C + + def forward(self, q: Tensor, k: Tensor, v: Tensor) -> Tensor: + # Input projections + q = self.q_proj(q) + k = self.k_proj(k) + v = self.v_proj(v) + + # Separate into heads + q = self._separate_heads(q, self.num_heads) + k = self._separate_heads(k, self.num_heads) + v = self._separate_heads(v, self.num_heads) + + dropout_p = self.dropout_p if self.training else 0.0 + # Attention + try: + with sdp_kernel_context(dropout_p): + out = F.scaled_dot_product_attention(q, k, v, dropout_p=dropout_p) + except Exception as e: + # Fall back to all kernels if the Flash attention kernel fails + warnings.warn( + f"Flash Attention kernel failed due to: {e}\nFalling back to all available " + f"kernels for scaled_dot_product_attention (which may have a slower speed).", + category=UserWarning, + stacklevel=2, + ) + global ALLOW_ALL_KERNELS + ALLOW_ALL_KERNELS = True + out = F.scaled_dot_product_attention(q, k, v, dropout_p=dropout_p) + + out = self._recombine_heads(out) + out = self.out_proj(out) + + return out + + +class RoPEAttention(Attention): + """Attention with rotary position encoding.""" + + def __init__( + self, + *args, + rope_theta=10000.0, + # whether to repeat q rope to match k length + # this is needed for cross-attention to memories + rope_k_repeat=False, + feat_sizes=(32, 32), # [w, h] for stride 16 feats at 512 resolution + **kwargs, + ): + super().__init__(*args, **kwargs) + + self.compute_cis = partial( + compute_axial_cis, dim=self.internal_dim // self.num_heads, theta=rope_theta + ) + freqs_cis = self.compute_cis(end_x=feat_sizes[0], end_y=feat_sizes[1]) + self.freqs_cis = freqs_cis + self.rope_k_repeat = rope_k_repeat + + def forward( + self, q: Tensor, k: Tensor, v: Tensor, num_k_exclude_rope: int = 0 + ) -> Tensor: + # Input projections + q = self.q_proj(q) + k = self.k_proj(k) + v = self.v_proj(v) + + # Separate into heads + q = self._separate_heads(q, self.num_heads) + k = self._separate_heads(k, self.num_heads) + v = self._separate_heads(v, self.num_heads) + + # Apply rotary position encoding + w = h = math.sqrt(q.shape[-2]) + self.freqs_cis = self.freqs_cis.to(q.device) + if self.freqs_cis.shape[0] != q.shape[-2]: + self.freqs_cis = self.compute_cis(end_x=w, end_y=h).to(q.device) + if q.shape[-2] != k.shape[-2]: + assert self.rope_k_repeat + + num_k_rope = k.size(-2) - num_k_exclude_rope + q, k[:, :, :num_k_rope] = apply_rotary_enc( + q, + k[:, :, :num_k_rope], + freqs_cis=self.freqs_cis, + repeat_freqs_k=self.rope_k_repeat, + ) + + dropout_p = self.dropout_p if self.training else 0.0 + # Attention + try: + with sdp_kernel_context(dropout_p): + out = F.scaled_dot_product_attention(q, k, v, dropout_p=dropout_p) + except Exception as e: + # Fall back to all kernels if the Flash attention kernel fails + warnings.warn( + f"Flash Attention kernel failed due to: {e}\nFalling back to all available " + f"kernels for scaled_dot_product_attention (which may have a slower speed).", + category=UserWarning, + stacklevel=2, + ) + global ALLOW_ALL_KERNELS + ALLOW_ALL_KERNELS = True + out = F.scaled_dot_product_attention(q, k, v, dropout_p=dropout_p) + + out = self._recombine_heads(out) + out = self.out_proj(out) + + return out diff --git a/sam2/modeling/sam2_base.py b/sam2/modeling/sam2_base.py new file mode 100644 index 0000000000000000000000000000000000000000..a5d243adc9d7071f254dee115f92ff03d3b6e871 --- /dev/null +++ b/sam2/modeling/sam2_base.py @@ -0,0 +1,907 @@ +# Copyright (c) Meta Platforms, Inc. and affiliates. +# All rights reserved. + +# This source code is licensed under the license found in the +# LICENSE file in the root directory of this source tree. + +import torch +import torch.distributed +import torch.nn.functional as F + +from torch.nn.init import trunc_normal_ + +from sam2.modeling.sam.mask_decoder import MaskDecoder +from sam2.modeling.sam.prompt_encoder import PromptEncoder +from sam2.modeling.sam.transformer import TwoWayTransformer +from sam2.modeling.sam2_utils import get_1d_sine_pe, MLP, select_closest_cond_frames + +# a large negative value as a placeholder score for missing objects +NO_OBJ_SCORE = -1024.0 + + +class SAM2Base(torch.nn.Module): + def __init__( + self, + image_encoder, + memory_attention, + memory_encoder, + num_maskmem=7, # default 1 input frame + 6 previous frames + image_size=512, + backbone_stride=16, # stride of the image backbone output + sigmoid_scale_for_mem_enc=1.0, # scale factor for mask sigmoid prob + sigmoid_bias_for_mem_enc=0.0, # bias factor for mask sigmoid prob + # During evaluation, whether to binarize the sigmoid mask logits on interacted frames with clicks + binarize_mask_from_pts_for_mem_enc=False, + use_mask_input_as_output_without_sam=False, # on frames with mask input, whether to directly output the input mask without using a SAM prompt encoder + mask decoder + # The maximum number of conditioning frames to participate in the memory attention (-1 means no limit; if there are more conditioning frames than this limit, + # we only cross-attend to the temporally closest `max_cond_frames_in_attn` conditioning frames in the encoder when tracking each frame). This gives the model + # a temporal locality when handling a large number of annotated frames (since closer frames should be more important) and also avoids GPU OOM. + max_cond_frames_in_attn=-1, + # on the first frame, whether to directly add the no-memory embedding to the image feature + # (instead of using the transformer encoder) + directly_add_no_mem_embed=False, + # whether to use high-resolution feature maps in the SAM mask decoder + use_high_res_features_in_sam=False, + # whether to output multiple (3) masks for the first click on initial conditioning frames + multimask_output_in_sam=False, + # the minimum and maximum number of clicks to use multimask_output_in_sam (only relevant when `multimask_output_in_sam=True`; + # default is 1 for both, meaning that only the first click gives multimask output; also note that a box counts as two points) + multimask_min_pt_num=1, + multimask_max_pt_num=1, + # whether to also use multimask output for tracking (not just for the first click on initial conditioning frames; only relevant when `multimask_output_in_sam=True`) + multimask_output_for_tracking=False, + # Whether to use multimask tokens for obj ptr; Only relevant when both + # use_obj_ptrs_in_encoder=True and multimask_output_for_tracking=True + use_multimask_token_for_obj_ptr: bool = False, + # whether to use sigmoid to restrict ious prediction to [0-1] + iou_prediction_use_sigmoid=False, + # The memory bank's temporal stride during evaluation (i.e. the `r` parameter in XMem and Cutie; XMem and Cutie use r=5). + # For r>1, the (self.num_maskmem - 1) non-conditioning memory frames consist of + # (self.num_maskmem - 2) nearest frames from every r-th frames, plus the last frame. + memory_temporal_stride_for_eval=1, + # whether to apply non-overlapping constraints on the object masks in the memory encoder during evaluation (to avoid/alleviate superposing masks) + non_overlap_masks_for_mem_enc=False, + # whether to cross-attend to object pointers from other frames (based on SAM output tokens) in the encoder + use_obj_ptrs_in_encoder=False, + # the maximum number of object pointers from other frames in encoder cross attention (only relevant when `use_obj_ptrs_in_encoder=True`) + max_obj_ptrs_in_encoder=16, + # whether to add temporal positional encoding to the object pointers in the encoder (only relevant when `use_obj_ptrs_in_encoder=True`) + add_tpos_enc_to_obj_ptrs=True, + # whether to add an extra linear projection layer for the temporal positional encoding in the object pointers to avoid potential interference + # with spatial positional encoding (only relevant when both `use_obj_ptrs_in_encoder=True` and `add_tpos_enc_to_obj_ptrs=True`) + proj_tpos_enc_in_obj_ptrs=False, + # whether to use signed distance (instead of unsigned absolute distance) in the temporal positional encoding in the object pointers + # (only relevant when both `use_obj_ptrs_in_encoder=True` and `add_tpos_enc_to_obj_ptrs=True`) + use_signed_tpos_enc_to_obj_ptrs=False, + # whether to only attend to object pointers in the past (before the current frame) in the encoder during evaluation + # (only relevant when `use_obj_ptrs_in_encoder=True`; this might avoid pointer information too far in the future to distract the initial tracking) + only_obj_ptrs_in_the_past_for_eval=False, + # Whether to predict if there is an object in the frame + pred_obj_scores: bool = False, + # Whether to use an MLP to predict object scores + pred_obj_scores_mlp: bool = False, + # Only relevant if pred_obj_scores=True and use_obj_ptrs_in_encoder=True; + # Whether to have a fixed no obj pointer when there is no object present + # or to use it as an additive embedding with obj_ptr produced by decoder + fixed_no_obj_ptr: bool = False, + # Soft no object, i.e. mix in no_obj_ptr softly, + # hope to make recovery easier if there is a mistake and mitigate accumulation of errors + soft_no_obj_ptr: bool = False, + use_mlp_for_obj_ptr_proj: bool = False, + # add no obj embedding to spatial frames + no_obj_embed_spatial: bool = False, + # extra arguments used to construct the SAM mask decoder; if not None, it should be a dict of kwargs to be passed into `MaskDecoder` class. + sam_mask_decoder_extra_args=None, + compile_image_encoder: bool = False, + ): + super().__init__() + + # Part 1: the image backbone + self.image_encoder = image_encoder + # Use level 0, 1, 2 for high-res setting, or just level 2 for the default setting + self.use_high_res_features_in_sam = use_high_res_features_in_sam + self.num_feature_levels = 3 if use_high_res_features_in_sam else 1 + self.use_obj_ptrs_in_encoder = use_obj_ptrs_in_encoder + self.max_obj_ptrs_in_encoder = max_obj_ptrs_in_encoder + if use_obj_ptrs_in_encoder: + # A conv layer to downsample the mask prompt to stride 4 (the same stride as + # low-res SAM mask logits) and to change its scales from 0~1 to SAM logit scale, + # so that it can be fed into the SAM mask decoder to generate a pointer. + self.mask_downsample = torch.nn.Conv2d(1, 1, kernel_size=4, stride=4) + self.add_tpos_enc_to_obj_ptrs = add_tpos_enc_to_obj_ptrs + if proj_tpos_enc_in_obj_ptrs: + assert add_tpos_enc_to_obj_ptrs # these options need to be used together + self.proj_tpos_enc_in_obj_ptrs = proj_tpos_enc_in_obj_ptrs + self.use_signed_tpos_enc_to_obj_ptrs = use_signed_tpos_enc_to_obj_ptrs + self.only_obj_ptrs_in_the_past_for_eval = only_obj_ptrs_in_the_past_for_eval + + # Part 2: memory attention to condition current frame's visual features + # with memories (and obj ptrs) from past frames + self.memory_attention = memory_attention + self.hidden_dim = image_encoder.neck.d_model + + # Part 3: memory encoder for the previous frame's outputs + self.memory_encoder = memory_encoder + self.mem_dim = self.hidden_dim + if hasattr(self.memory_encoder, "out_proj") and hasattr( + self.memory_encoder.out_proj, "weight" + ): + # if there is compression of memories along channel dim + self.mem_dim = self.memory_encoder.out_proj.weight.shape[0] + self.num_maskmem = num_maskmem # Number of memories accessible + # Temporal encoding of the memories + self.maskmem_tpos_enc = torch.nn.Parameter( + torch.zeros(num_maskmem, 1, 1, self.mem_dim) + ) + trunc_normal_(self.maskmem_tpos_enc, std=0.02) + # a single token to indicate no memory embedding from previous frames + self.no_mem_embed = torch.nn.Parameter(torch.zeros(1, 1, self.hidden_dim)) + self.no_mem_pos_enc = torch.nn.Parameter(torch.zeros(1, 1, self.hidden_dim)) + trunc_normal_(self.no_mem_embed, std=0.02) + trunc_normal_(self.no_mem_pos_enc, std=0.02) + self.directly_add_no_mem_embed = directly_add_no_mem_embed + # Apply sigmoid to the output raw mask logits (to turn them from + # range (-inf, +inf) to range (0, 1)) before feeding them into the memory encoder + self.sigmoid_scale_for_mem_enc = sigmoid_scale_for_mem_enc + self.sigmoid_bias_for_mem_enc = sigmoid_bias_for_mem_enc + self.binarize_mask_from_pts_for_mem_enc = binarize_mask_from_pts_for_mem_enc + self.non_overlap_masks_for_mem_enc = non_overlap_masks_for_mem_enc + self.memory_temporal_stride_for_eval = memory_temporal_stride_for_eval + # On frames with mask input, whether to directly output the input mask without + # using a SAM prompt encoder + mask decoder + self.use_mask_input_as_output_without_sam = use_mask_input_as_output_without_sam + self.multimask_output_in_sam = multimask_output_in_sam + self.multimask_min_pt_num = multimask_min_pt_num + self.multimask_max_pt_num = multimask_max_pt_num + self.multimask_output_for_tracking = multimask_output_for_tracking + self.use_multimask_token_for_obj_ptr = use_multimask_token_for_obj_ptr + self.iou_prediction_use_sigmoid = iou_prediction_use_sigmoid + + # Part 4: SAM-style prompt encoder (for both mask and point inputs) + # and SAM-style mask decoder for the final mask output + self.image_size = image_size + self.backbone_stride = backbone_stride + self.sam_mask_decoder_extra_args = sam_mask_decoder_extra_args + self.pred_obj_scores = pred_obj_scores + self.pred_obj_scores_mlp = pred_obj_scores_mlp + self.fixed_no_obj_ptr = fixed_no_obj_ptr + self.soft_no_obj_ptr = soft_no_obj_ptr + if self.fixed_no_obj_ptr: + assert self.pred_obj_scores + assert self.use_obj_ptrs_in_encoder + if self.pred_obj_scores and self.use_obj_ptrs_in_encoder: + self.no_obj_ptr = torch.nn.Parameter(torch.zeros(1, self.hidden_dim)) + trunc_normal_(self.no_obj_ptr, std=0.02) + self.use_mlp_for_obj_ptr_proj = use_mlp_for_obj_ptr_proj + self.no_obj_embed_spatial = None + if no_obj_embed_spatial: + self.no_obj_embed_spatial = torch.nn.Parameter(torch.zeros(1, self.mem_dim)) + trunc_normal_(self.no_obj_embed_spatial, std=0.02) + + self._build_sam_heads() + self.max_cond_frames_in_attn = max_cond_frames_in_attn + + # Model compilation + if compile_image_encoder: + # Compile the forward function (not the full module) to allow loading checkpoints. + print( + "Image encoder compilation is enabled. First forward pass will be slow." + ) + self.image_encoder.forward = torch.compile( + self.image_encoder.forward, + mode="max-autotune", + fullgraph=True, + dynamic=False, + ) + + @property + def device(self): + return next(self.parameters()).device + + def forward(self, *args, **kwargs): + raise NotImplementedError( + "Please use the corresponding methods in SAM2VideoPredictor for inference or SAM2Train for training/fine-tuning" + "See notebooks/video_predictor_example.ipynb for an inference example." + ) + + def _build_sam_heads(self): + """Build SAM-style prompt encoder and mask decoder.""" + self.sam_prompt_embed_dim = self.hidden_dim + self.sam_image_embedding_size = self.image_size // self.backbone_stride + + # build PromptEncoder and MaskDecoder from SAM + # (their hyperparameters like `mask_in_chans=16` are from SAM code) + self.sam_prompt_encoder = PromptEncoder( + embed_dim=self.sam_prompt_embed_dim, + image_embedding_size=( + self.sam_image_embedding_size, + self.sam_image_embedding_size, + ), + input_image_size=(self.image_size, self.image_size), + mask_in_chans=16, + ) + self.sam_mask_decoder = MaskDecoder( + num_multimask_outputs=3, + transformer=TwoWayTransformer( + depth=2, + embedding_dim=self.sam_prompt_embed_dim, + mlp_dim=2048, + num_heads=8, + ), + transformer_dim=self.sam_prompt_embed_dim, + iou_head_depth=3, + iou_head_hidden_dim=256, + use_high_res_features=self.use_high_res_features_in_sam, + iou_prediction_use_sigmoid=self.iou_prediction_use_sigmoid, + pred_obj_scores=self.pred_obj_scores, + pred_obj_scores_mlp=self.pred_obj_scores_mlp, + use_multimask_token_for_obj_ptr=self.use_multimask_token_for_obj_ptr, + **(self.sam_mask_decoder_extra_args or {}), + ) + if self.use_obj_ptrs_in_encoder: + # a linear projection on SAM output tokens to turn them into object pointers + self.obj_ptr_proj = torch.nn.Linear(self.hidden_dim, self.hidden_dim) + if self.use_mlp_for_obj_ptr_proj: + self.obj_ptr_proj = MLP( + self.hidden_dim, self.hidden_dim, self.hidden_dim, 3 + ) + else: + self.obj_ptr_proj = torch.nn.Identity() + if self.proj_tpos_enc_in_obj_ptrs: + # a linear projection on temporal positional encoding in object pointers to + # avoid potential interference with spatial positional encoding + self.obj_ptr_tpos_proj = torch.nn.Linear(self.hidden_dim, self.mem_dim) + else: + self.obj_ptr_tpos_proj = torch.nn.Identity() + + def _forward_sam_heads( + self, + backbone_features, + point_inputs=None, + mask_inputs=None, + high_res_features=None, + multimask_output=False, + ): + """ + Forward SAM prompt encoders and mask heads. + + Inputs: + - backbone_features: image features of [B, C, H, W] shape + - point_inputs: a dictionary with "point_coords" and "point_labels", where + 1) "point_coords" has [B, P, 2] shape and float32 dtype and contains the + absolute pixel-unit coordinate in (x, y) format of the P input points + 2) "point_labels" has shape [B, P] and int32 dtype, where 1 means + positive clicks, 0 means negative clicks, and -1 means padding + - mask_inputs: a mask of [B, 1, H*16, W*16] shape, float or bool, with the + same spatial size as the image. + - high_res_features: either 1) None or 2) or a list of length 2 containing + two feature maps of [B, C, 4*H, 4*W] and [B, C, 2*H, 2*W] shapes respectively, + which will be used as high-resolution feature maps for SAM decoder. + - multimask_output: if it's True, we output 3 candidate masks and their 3 + corresponding IoU estimates, and if it's False, we output only 1 mask and + its corresponding IoU estimate. + + Outputs: + - low_res_multimasks: [B, M, H*4, W*4] shape (where M = 3 if + `multimask_output=True` and M = 1 if `multimask_output=False`), the SAM + output mask logits (before sigmoid) for the low-resolution masks, with 4x + the resolution (1/4 stride) of the input backbone_features. + - high_res_multimasks: [B, M, H*16, W*16] shape (where M = 3 + if `multimask_output=True` and M = 1 if `multimask_output=False`), + upsampled from the low-resolution masks, with shape size as the image + (stride is 1 pixel). + - ious, [B, M] shape, where (where M = 3 if `multimask_output=True` and M = 1 + if `multimask_output=False`), the estimated IoU of each output mask. + - low_res_masks: [B, 1, H*4, W*4] shape, the best mask in `low_res_multimasks`. + If `multimask_output=True`, it's the mask with the highest IoU estimate. + If `multimask_output=False`, it's the same as `low_res_multimasks`. + - high_res_masks: [B, 1, H*16, W*16] shape, the best mask in `high_res_multimasks`. + If `multimask_output=True`, it's the mask with the highest IoU estimate. + If `multimask_output=False`, it's the same as `high_res_multimasks`. + - obj_ptr: [B, C] shape, the object pointer vector for the output mask, extracted + based on the output token from the SAM mask decoder. + """ + B = backbone_features.size(0) + device = backbone_features.device + assert backbone_features.size(1) == self.sam_prompt_embed_dim + assert backbone_features.size(2) == self.sam_image_embedding_size + assert backbone_features.size(3) == self.sam_image_embedding_size + + # a) Handle point prompts + if point_inputs is not None: + sam_point_coords = point_inputs["point_coords"] + sam_point_labels = point_inputs["point_labels"] + assert sam_point_coords.size(0) == B and sam_point_labels.size(0) == B + else: + # If no points are provide, pad with an empty point (with label -1) + sam_point_coords = torch.zeros(B, 1, 2, device=device) + sam_point_labels = -torch.ones(B, 1, dtype=torch.int32, device=device) + + # b) Handle mask prompts + if mask_inputs is not None: + # If mask_inputs is provided, downsize it into low-res mask input if needed + # and feed it as a dense mask prompt into the SAM mask encoder + assert len(mask_inputs.shape) == 4 and mask_inputs.shape[:2] == (B, 1) + if mask_inputs.shape[-2:] != self.sam_prompt_encoder.mask_input_size: + sam_mask_prompt = F.interpolate( + mask_inputs.float(), + size=self.sam_prompt_encoder.mask_input_size, + align_corners=False, + mode="bilinear", + antialias=True, # use antialias for downsampling + ) + else: + sam_mask_prompt = mask_inputs + else: + # Otherwise, simply feed None (and SAM's prompt encoder will add + # a learned `no_mask_embed` to indicate no mask input in this case). + sam_mask_prompt = None + + sparse_embeddings, dense_embeddings = self.sam_prompt_encoder( + points=(sam_point_coords, sam_point_labels), + boxes=None, + masks=sam_mask_prompt, + ) + ( + low_res_multimasks, + ious, + sam_output_tokens, + object_score_logits, + ) = self.sam_mask_decoder( + image_embeddings=backbone_features, + image_pe=self.sam_prompt_encoder.get_dense_pe(), + sparse_prompt_embeddings=sparse_embeddings, + dense_prompt_embeddings=dense_embeddings, + multimask_output=multimask_output, + repeat_image=False, # the image is already batched + high_res_features=high_res_features, + ) + if self.pred_obj_scores: + is_obj_appearing = object_score_logits > 0 + + # Mask used for spatial memories is always a *hard* choice between obj and no obj, + # consistent with the actual mask prediction + low_res_multimasks = torch.where( + is_obj_appearing[:, None, None], + low_res_multimasks, + NO_OBJ_SCORE, + ) + + # convert masks from possibly bfloat16 (or float16) to float32 + # (older PyTorch versions before 2.1 don't support `interpolate` on bf16) + low_res_multimasks = low_res_multimasks.float() + high_res_multimasks = F.interpolate( + low_res_multimasks, + size=(self.image_size, self.image_size), + mode="bilinear", + align_corners=False, + ) + + sam_output_token = sam_output_tokens[:, 0] + if multimask_output: + # take the best mask prediction (with the highest IoU estimation) + best_iou_inds = torch.argmax(ious, dim=-1) + batch_inds = torch.arange(B, device=device) + low_res_masks = low_res_multimasks[batch_inds, best_iou_inds].unsqueeze(1) + high_res_masks = high_res_multimasks[batch_inds, best_iou_inds].unsqueeze(1) + if sam_output_tokens.size(1) > 1: + sam_output_token = sam_output_tokens[batch_inds, best_iou_inds] + else: + low_res_masks, high_res_masks = low_res_multimasks, high_res_multimasks + + # Extract object pointer from the SAM output token (with occlusion handling) + obj_ptr = self.obj_ptr_proj(sam_output_token) + if self.pred_obj_scores: + # Allow *soft* no obj ptr, unlike for masks + if self.soft_no_obj_ptr: + lambda_is_obj_appearing = object_score_logits.sigmoid() + else: + lambda_is_obj_appearing = is_obj_appearing.float() + + if self.fixed_no_obj_ptr: + obj_ptr = lambda_is_obj_appearing * obj_ptr + obj_ptr = obj_ptr + (1 - lambda_is_obj_appearing) * self.no_obj_ptr + + return ( + low_res_multimasks, + high_res_multimasks, + ious, + low_res_masks, + high_res_masks, + obj_ptr, + object_score_logits, + ) + + def _use_mask_as_output(self, backbone_features, high_res_features, mask_inputs): + """ + Directly turn binary `mask_inputs` into a output mask logits without using SAM. + (same input and output shapes as in _forward_sam_heads above). + """ + # Use -10/+10 as logits for neg/pos pixels (very close to 0/1 in prob after sigmoid). + out_scale, out_bias = 20.0, -10.0 # sigmoid(-10.0)=4.5398e-05 + mask_inputs_float = mask_inputs.float() + high_res_masks = mask_inputs_float * out_scale + out_bias + low_res_masks = F.interpolate( + high_res_masks, + size=(high_res_masks.size(-2) // 4, high_res_masks.size(-1) // 4), + align_corners=False, + mode="bilinear", + antialias=True, # use antialias for downsampling + ) + # a dummy IoU prediction of all 1's under mask input + ious = mask_inputs.new_ones(mask_inputs.size(0), 1).float() + if not self.use_obj_ptrs_in_encoder: + # all zeros as a dummy object pointer (of shape [B, C]) + obj_ptr = torch.zeros( + mask_inputs.size(0), self.hidden_dim, device=mask_inputs.device + ) + else: + # produce an object pointer using the SAM decoder from the mask input + _, _, _, _, _, obj_ptr, _ = self._forward_sam_heads( + backbone_features=backbone_features, + mask_inputs=self.mask_downsample(mask_inputs_float), + high_res_features=high_res_features, + ) + # In this method, we are treating mask_input as output, e.g. using it directly to create spatial mem; + # Below, we follow the same design axiom to use mask_input to decide if obj appears or not instead of relying + # on the object_scores from the SAM decoder. + is_obj_appearing = torch.any(mask_inputs.flatten(1).float() > 0.0, dim=1) + is_obj_appearing = is_obj_appearing[..., None] + lambda_is_obj_appearing = is_obj_appearing.float() + object_score_logits = out_scale * lambda_is_obj_appearing + out_bias + if self.pred_obj_scores: + if self.fixed_no_obj_ptr: + obj_ptr = lambda_is_obj_appearing * obj_ptr + obj_ptr = obj_ptr + (1 - lambda_is_obj_appearing) * self.no_obj_ptr + + return ( + low_res_masks, + high_res_masks, + ious, + low_res_masks, + high_res_masks, + obj_ptr, + object_score_logits, + ) + + def forward_image(self, img_batch: torch.Tensor): + """Get the image feature on the input batch.""" + backbone_out = self.image_encoder(img_batch) + if self.use_high_res_features_in_sam: + # precompute projected level 0 and level 1 features in SAM decoder + # to avoid running it again on every SAM click + backbone_out["backbone_fpn"][0] = self.sam_mask_decoder.conv_s0( + backbone_out["backbone_fpn"][0] + ) + backbone_out["backbone_fpn"][1] = self.sam_mask_decoder.conv_s1( + backbone_out["backbone_fpn"][1] + ) + return backbone_out + + def _prepare_backbone_features(self, backbone_out): + """Prepare and flatten visual features.""" + backbone_out = backbone_out.copy() + assert len(backbone_out["backbone_fpn"]) == len(backbone_out["vision_pos_enc"]) + assert len(backbone_out["backbone_fpn"]) >= self.num_feature_levels + + feature_maps = backbone_out["backbone_fpn"][-self.num_feature_levels :] + vision_pos_embeds = backbone_out["vision_pos_enc"][-self.num_feature_levels :] + + feat_sizes = [(x.shape[-2], x.shape[-1]) for x in vision_pos_embeds] + # flatten NxCxHxW to HWxNxC + vision_feats = [x.flatten(2).permute(2, 0, 1) for x in feature_maps] + vision_pos_embeds = [x.flatten(2).permute(2, 0, 1) for x in vision_pos_embeds] + + return backbone_out, vision_feats, vision_pos_embeds, feat_sizes + + def _prepare_memory_conditioned_features( + self, + frame_idx, + is_init_cond_frame, + current_vision_feats, + current_vision_pos_embeds, + feat_sizes, + output_dict, + num_frames, + track_in_reverse=False, # tracking in reverse time order (for demo usage) + ): + """Fuse the current frame's visual feature map with previous memory.""" + B = current_vision_feats[-1].size(1) # batch size on this frame + C = self.hidden_dim + H, W = feat_sizes[-1] # top-level (lowest-resolution) feature size + device = current_vision_feats[-1].device + # The case of `self.num_maskmem == 0` below is primarily used for reproducing SAM on images. + # In this case, we skip the fusion with any memory. + if self.num_maskmem == 0: # Disable memory and skip fusion + pix_feat = current_vision_feats[-1].permute(1, 2, 0).view(B, C, H, W) + return pix_feat + + num_obj_ptr_tokens = 0 + tpos_sign_mul = -1 if track_in_reverse else 1 + # Step 1: condition the visual features of the current frame on previous memories + if not is_init_cond_frame: + # Retrieve the memories encoded with the maskmem backbone + to_cat_memory, to_cat_memory_pos_embed = [], [] + # Add conditioning frames's output first (all cond frames have t_pos=0 for + # when getting temporal positional embedding below) + assert len(output_dict["cond_frame_outputs"]) > 0 + # Select a maximum number of temporally closest cond frames for cross attention + cond_outputs = output_dict["cond_frame_outputs"] + selected_cond_outputs, unselected_cond_outputs = select_closest_cond_frames( + frame_idx, cond_outputs, self.max_cond_frames_in_attn + ) + t_pos_and_prevs = [(0, out) for out in selected_cond_outputs.values()] + # Add last (self.num_maskmem - 1) frames before current frame for non-conditioning memory + # the earliest one has t_pos=1 and the latest one has t_pos=self.num_maskmem-1 + # We also allow taking the memory frame non-consecutively (with stride>1), in which case + # we take (self.num_maskmem - 2) frames among every stride-th frames plus the last frame. + stride = 1 if self.training else self.memory_temporal_stride_for_eval + for t_pos in range(1, self.num_maskmem): + t_rel = self.num_maskmem - t_pos # how many frames before current frame + if t_rel == 1: + # for t_rel == 1, we take the last frame (regardless of r) + if not track_in_reverse: + # the frame immediately before this frame (i.e. frame_idx - 1) + prev_frame_idx = frame_idx - t_rel + else: + # the frame immediately after this frame (i.e. frame_idx + 1) + prev_frame_idx = frame_idx + t_rel + else: + # for t_rel >= 2, we take the memory frame from every r-th frames + if not track_in_reverse: + # first find the nearest frame among every r-th frames before this frame + # for r=1, this would be (frame_idx - 2) + prev_frame_idx = ((frame_idx - 2) // stride) * stride + # then seek further among every r-th frames + prev_frame_idx = prev_frame_idx - (t_rel - 2) * stride + else: + # first find the nearest frame among every r-th frames after this frame + # for r=1, this would be (frame_idx + 2) + prev_frame_idx = -(-(frame_idx + 2) // stride) * stride + # then seek further among every r-th frames + prev_frame_idx = prev_frame_idx + (t_rel - 2) * stride + out = output_dict["non_cond_frame_outputs"].get(prev_frame_idx, None) + if out is None: + # If an unselected conditioning frame is among the last (self.num_maskmem - 1) + # frames, we still attend to it as if it's a non-conditioning frame. + out = unselected_cond_outputs.get(prev_frame_idx, None) + t_pos_and_prevs.append((t_pos, out)) + + for t_pos, prev in t_pos_and_prevs: + if prev is None: + continue # skip padding frames + # "maskmem_features" might have been offloaded to CPU in demo use cases, + # so we load it back to GPU (it's a no-op if it's already on GPU). + feats = prev["maskmem_features"].to(device, non_blocking=True) + to_cat_memory.append(feats.flatten(2).permute(2, 0, 1)) + # Spatial positional encoding (it might have been offloaded to CPU in eval) + maskmem_enc = prev["maskmem_pos_enc"][-1].to(device) + maskmem_enc = maskmem_enc.flatten(2).permute(2, 0, 1) + # Temporal positional encoding + maskmem_enc = ( + maskmem_enc + self.maskmem_tpos_enc[self.num_maskmem - t_pos - 1] + ) + to_cat_memory_pos_embed.append(maskmem_enc) + + # Construct the list of past object pointers + if self.use_obj_ptrs_in_encoder: + max_obj_ptrs_in_encoder = min(num_frames, self.max_obj_ptrs_in_encoder) + # First add those object pointers from selected conditioning frames + # (optionally, only include object pointers in the past during evaluation) + if not self.training and self.only_obj_ptrs_in_the_past_for_eval: + ptr_cond_outputs = { + t: out + for t, out in selected_cond_outputs.items() + if (t >= frame_idx if track_in_reverse else t <= frame_idx) + } + else: + ptr_cond_outputs = selected_cond_outputs + pos_and_ptrs = [ + # Temporal pos encoding contains how far away each pointer is from current frame + ( + ( + (frame_idx - t) * tpos_sign_mul + if self.use_signed_tpos_enc_to_obj_ptrs + else abs(frame_idx - t) + ), + out["obj_ptr"], + ) + for t, out in ptr_cond_outputs.items() + ] + # Add up to (max_obj_ptrs_in_encoder - 1) non-conditioning frames before current frame + for t_diff in range(1, max_obj_ptrs_in_encoder): + t = frame_idx + t_diff if track_in_reverse else frame_idx - t_diff + if t < 0 or (num_frames is not None and t >= num_frames): + break + out = output_dict["non_cond_frame_outputs"].get( + t, unselected_cond_outputs.get(t, None) + ) + if out is not None: + pos_and_ptrs.append((t_diff, out["obj_ptr"])) + # If we have at least one object pointer, add them to the across attention + if len(pos_and_ptrs) > 0: + pos_list, ptrs_list = zip(*pos_and_ptrs) + # stack object pointers along dim=0 into [ptr_seq_len, B, C] shape + obj_ptrs = torch.stack(ptrs_list, dim=0) + # a temporal positional embedding based on how far each object pointer is from + # the current frame (sine embedding normalized by the max pointer num). + if self.add_tpos_enc_to_obj_ptrs: + t_diff_max = max_obj_ptrs_in_encoder - 1 + tpos_dim = C if self.proj_tpos_enc_in_obj_ptrs else self.mem_dim + obj_pos = torch.tensor(pos_list, device=device) + obj_pos = get_1d_sine_pe(obj_pos / t_diff_max, dim=tpos_dim) + obj_pos = self.obj_ptr_tpos_proj(obj_pos) + obj_pos = obj_pos.unsqueeze(1).expand(-1, B, self.mem_dim) + else: + obj_pos = obj_ptrs.new_zeros(len(pos_list), B, self.mem_dim) + if self.mem_dim < C: + # split a pointer into (C // self.mem_dim) tokens for self.mem_dim < C + obj_ptrs = obj_ptrs.reshape( + -1, B, C // self.mem_dim, self.mem_dim + ) + obj_ptrs = obj_ptrs.permute(0, 2, 1, 3).flatten(0, 1) + obj_pos = obj_pos.repeat_interleave(C // self.mem_dim, dim=0) + to_cat_memory.append(obj_ptrs) + to_cat_memory_pos_embed.append(obj_pos) + num_obj_ptr_tokens = obj_ptrs.shape[0] + else: + num_obj_ptr_tokens = 0 + else: + # for initial conditioning frames, encode them without using any previous memory + if self.directly_add_no_mem_embed: + # directly add no-mem embedding (instead of using the transformer encoder) + pix_feat_with_mem = current_vision_feats[-1] + self.no_mem_embed + pix_feat_with_mem = pix_feat_with_mem.permute(1, 2, 0).view(B, C, H, W) + return pix_feat_with_mem + + # Use a dummy token on the first frame (to avoid empty memory input to tranformer encoder) + to_cat_memory = [self.no_mem_embed.expand(1, B, self.mem_dim)] + to_cat_memory_pos_embed = [self.no_mem_pos_enc.expand(1, B, self.mem_dim)] + + # Step 2: Concatenate the memories and forward through the transformer encoder + memory = torch.cat(to_cat_memory, dim=0) + memory_pos_embed = torch.cat(to_cat_memory_pos_embed, dim=0) + + pix_feat_with_mem = self.memory_attention( + curr=current_vision_feats, + curr_pos=current_vision_pos_embeds, + memory=memory, + memory_pos=memory_pos_embed, + num_obj_ptr_tokens=num_obj_ptr_tokens, + ) + # reshape the output (HW)BC => BCHW + pix_feat_with_mem = pix_feat_with_mem.permute(1, 2, 0).view(B, C, H, W) + return pix_feat_with_mem + + def _encode_new_memory( + self, + current_vision_feats, + feat_sizes, + pred_masks_high_res, + object_score_logits, + is_mask_from_pts, + ): + """Encode the current image and its prediction into a memory feature.""" + B = current_vision_feats[-1].size(1) # batch size on this frame + C = self.hidden_dim + H, W = feat_sizes[-1] # top-level (lowest-resolution) feature size + # top-level feature, (HW)BC => BCHW + pix_feat = current_vision_feats[-1].permute(1, 2, 0).view(B, C, H, W) + if self.non_overlap_masks_for_mem_enc and not self.training: + # optionally, apply non-overlapping constraints to the masks (it's applied + # in the batch dimension and should only be used during eval, where all + # the objects come from the same video under batch size 1). + pred_masks_high_res = self._apply_non_overlapping_constraints( + pred_masks_high_res + ) + # scale the raw mask logits with a temperature before applying sigmoid + binarize = self.binarize_mask_from_pts_for_mem_enc and is_mask_from_pts + if binarize and not self.training: + mask_for_mem = (pred_masks_high_res > 0).float() + else: + # apply sigmoid on the raw mask logits to turn them into range (0, 1) + mask_for_mem = torch.sigmoid(pred_masks_high_res) + # apply scale and bias terms to the sigmoid probabilities + if self.sigmoid_scale_for_mem_enc != 1.0: + mask_for_mem = mask_for_mem * self.sigmoid_scale_for_mem_enc + if self.sigmoid_bias_for_mem_enc != 0.0: + mask_for_mem = mask_for_mem + self.sigmoid_bias_for_mem_enc + maskmem_out = self.memory_encoder( + pix_feat, mask_for_mem, skip_mask_sigmoid=True # sigmoid already applied + ) + maskmem_features = maskmem_out["vision_features"] + maskmem_pos_enc = maskmem_out["vision_pos_enc"] + # add a no-object embedding to the spatial memory to indicate that the frame + # is predicted to be occluded (i.e. no object is appearing in the frame) + if self.no_obj_embed_spatial is not None: + is_obj_appearing = (object_score_logits > 0).float() + maskmem_features += ( + 1 - is_obj_appearing[..., None, None] + ) * self.no_obj_embed_spatial[..., None, None].expand( + *maskmem_features.shape + ) + + return maskmem_features, maskmem_pos_enc + + def _track_step( + self, + frame_idx, + is_init_cond_frame, + current_vision_feats, + current_vision_pos_embeds, + feat_sizes, + point_inputs, + mask_inputs, + output_dict, + num_frames, + track_in_reverse, + prev_sam_mask_logits, + ): + current_out = {"point_inputs": point_inputs, "mask_inputs": mask_inputs} + # High-resolution feature maps for the SAM head, reshape (HW)BC => BCHW + if len(current_vision_feats) > 1: + high_res_features = [ + x.permute(1, 2, 0).view(x.size(1), x.size(2), *s) + for x, s in zip(current_vision_feats[:-1], feat_sizes[:-1]) + ] + else: + high_res_features = None + if mask_inputs is not None and self.use_mask_input_as_output_without_sam: + # When use_mask_input_as_output_without_sam=True, we directly output the mask input + # (see it as a GT mask) without using a SAM prompt encoder + mask decoder. + pix_feat = current_vision_feats[-1].permute(1, 2, 0) + pix_feat = pix_feat.view(-1, self.hidden_dim, *feat_sizes[-1]) + sam_outputs = self._use_mask_as_output( + pix_feat, high_res_features, mask_inputs + ) + else: + # fused the visual feature with previous memory features in the memory bank + pix_feat = self._prepare_memory_conditioned_features( + frame_idx=frame_idx, + is_init_cond_frame=is_init_cond_frame, + current_vision_feats=current_vision_feats[-1:], + current_vision_pos_embeds=current_vision_pos_embeds[-1:], + feat_sizes=feat_sizes[-1:], + output_dict=output_dict, + num_frames=num_frames, + track_in_reverse=track_in_reverse, + ) + # apply SAM-style segmentation head + # here we might feed previously predicted low-res SAM mask logits into the SAM mask decoder, + # e.g. in demo where such logits come from earlier interaction instead of correction sampling + # (in this case, any `mask_inputs` shouldn't reach here as they are sent to _use_mask_as_output instead) + if prev_sam_mask_logits is not None: + assert point_inputs is not None and mask_inputs is None + mask_inputs = prev_sam_mask_logits + multimask_output = self._use_multimask(is_init_cond_frame, point_inputs) + sam_outputs = self._forward_sam_heads( + backbone_features=pix_feat, + point_inputs=point_inputs, + mask_inputs=mask_inputs, + high_res_features=high_res_features, + multimask_output=multimask_output, + ) + + return current_out, sam_outputs, high_res_features, pix_feat + + def _encode_memory_in_output( + self, + current_vision_feats, + feat_sizes, + point_inputs, + run_mem_encoder, + high_res_masks, + object_score_logits, + current_out, + ): + if run_mem_encoder and self.num_maskmem > 0: + high_res_masks_for_mem_enc = high_res_masks + maskmem_features, maskmem_pos_enc = self._encode_new_memory( + current_vision_feats=current_vision_feats, + feat_sizes=feat_sizes, + pred_masks_high_res=high_res_masks_for_mem_enc, + object_score_logits=object_score_logits, + is_mask_from_pts=(point_inputs is not None), + ) + current_out["maskmem_features"] = maskmem_features + current_out["maskmem_pos_enc"] = maskmem_pos_enc + else: + current_out["maskmem_features"] = None + current_out["maskmem_pos_enc"] = None + + def track_step( + self, + frame_idx, + is_init_cond_frame, + current_vision_feats, + current_vision_pos_embeds, + feat_sizes, + point_inputs, + mask_inputs, + output_dict, + num_frames, + track_in_reverse=False, # tracking in reverse time order (for demo usage) + # Whether to run the memory encoder on the predicted masks. Sometimes we might want + # to skip the memory encoder with `run_mem_encoder=False`. For example, + # in demo we might call `track_step` multiple times for each user click, + # and only encode the memory when the user finalizes their clicks. And in ablation + # settings like SAM training on static images, we don't need the memory encoder. + run_mem_encoder=True, + # The previously predicted SAM mask logits (which can be fed together with new clicks in demo). + prev_sam_mask_logits=None, + ): + current_out, sam_outputs, _, _ = self._track_step( + frame_idx, + is_init_cond_frame, + current_vision_feats, + current_vision_pos_embeds, + feat_sizes, + point_inputs, + mask_inputs, + output_dict, + num_frames, + track_in_reverse, + prev_sam_mask_logits, + ) + + ( + _, + _, + _, + low_res_masks, + high_res_masks, + obj_ptr, + object_score_logits, + ) = sam_outputs + + current_out["pred_masks"] = low_res_masks + current_out["pred_masks_high_res"] = high_res_masks + current_out["obj_ptr"] = obj_ptr + if not self.training: + # Only add this in inference (to avoid unused param in activation checkpointing; + # it's mainly used in the demo to encode spatial memories w/ consolidated masks) + current_out["object_score_logits"] = object_score_logits + + # Finally run the memory encoder on the predicted mask to encode + # it into a new memory feature (that can be used in future frames) + self._encode_memory_in_output( + current_vision_feats, + feat_sizes, + point_inputs, + run_mem_encoder, + high_res_masks, + object_score_logits, + current_out, + ) + + return current_out + + def _use_multimask(self, is_init_cond_frame, point_inputs): + """Whether to use multimask output in the SAM head.""" + num_pts = 0 if point_inputs is None else point_inputs["point_labels"].size(1) + multimask_output = ( + self.multimask_output_in_sam + and (is_init_cond_frame or self.multimask_output_for_tracking) + and (self.multimask_min_pt_num <= num_pts <= self.multimask_max_pt_num) + ) + return multimask_output + + def _apply_non_overlapping_constraints(self, pred_masks): + """ + Apply non-overlapping constraints to the object scores in pred_masks. Here we + keep only the highest scoring object at each spatial location in pred_masks. + """ + batch_size = pred_masks.size(0) + if batch_size == 1: + return pred_masks + + device = pred_masks.device + # "max_obj_inds": object index of the object with the highest score at each location + max_obj_inds = torch.argmax(pred_masks, dim=0, keepdim=True) + # "batch_obj_inds": object index of each object slice (along dim 0) in `pred_masks` + batch_obj_inds = torch.arange(batch_size, device=device)[:, None, None, None] + keep = max_obj_inds == batch_obj_inds + # suppress overlapping regions' scores below -10.0 so that the foreground regions + # don't overlap (here sigmoid(-10.0)=4.5398e-05) + pred_masks = torch.where(keep, pred_masks, torch.clamp(pred_masks, max=-10.0)) + return pred_masks diff --git a/sam2/modeling/sam2_utils.py b/sam2/modeling/sam2_utils.py new file mode 100644 index 0000000000000000000000000000000000000000..e16caae3a9a49e451b2d03d1ee60c47f8e9ed23c --- /dev/null +++ b/sam2/modeling/sam2_utils.py @@ -0,0 +1,323 @@ +# Copyright (c) Meta Platforms, Inc. and affiliates. +# All rights reserved. + +# This source code is licensed under the license found in the +# LICENSE file in the root directory of this source tree. + + +import copy +from typing import Tuple + +import numpy as np +import torch +import torch.nn as nn +import torch.nn.functional as F + +from sam2.utils.misc import mask_to_box + + +def select_closest_cond_frames(frame_idx, cond_frame_outputs, max_cond_frame_num): + """ + Select up to `max_cond_frame_num` conditioning frames from `cond_frame_outputs` + that are temporally closest to the current frame at `frame_idx`. Here, we take + - a) the closest conditioning frame before `frame_idx` (if any); + - b) the closest conditioning frame after `frame_idx` (if any); + - c) any other temporally closest conditioning frames until reaching a total + of `max_cond_frame_num` conditioning frames. + + Outputs: + - selected_outputs: selected items (keys & values) from `cond_frame_outputs`. + - unselected_outputs: items (keys & values) not selected in `cond_frame_outputs`. + """ + if max_cond_frame_num == -1 or len(cond_frame_outputs) <= max_cond_frame_num: + selected_outputs = cond_frame_outputs + unselected_outputs = {} + else: + assert max_cond_frame_num >= 2, "we should allow using 2+ conditioning frames" + selected_outputs = {} + + # the closest conditioning frame before `frame_idx` (if any) + idx_before = max((t for t in cond_frame_outputs if t < frame_idx), default=None) + if idx_before is not None: + selected_outputs[idx_before] = cond_frame_outputs[idx_before] + + # the closest conditioning frame after `frame_idx` (if any) + idx_after = min((t for t in cond_frame_outputs if t >= frame_idx), default=None) + if idx_after is not None: + selected_outputs[idx_after] = cond_frame_outputs[idx_after] + + # add other temporally closest conditioning frames until reaching a total + # of `max_cond_frame_num` conditioning frames. + num_remain = max_cond_frame_num - len(selected_outputs) + inds_remain = sorted( + (t for t in cond_frame_outputs if t not in selected_outputs), + key=lambda x: abs(x - frame_idx), + )[:num_remain] + selected_outputs.update((t, cond_frame_outputs[t]) for t in inds_remain) + unselected_outputs = { + t: v for t, v in cond_frame_outputs.items() if t not in selected_outputs + } + + return selected_outputs, unselected_outputs + + +def get_1d_sine_pe(pos_inds, dim, temperature=10000): + """ + Get 1D sine positional embedding as in the original Transformer paper. + """ + pe_dim = dim // 2 + dim_t = torch.arange(pe_dim, dtype=torch.float32, device=pos_inds.device) + dim_t = temperature ** (2 * (dim_t // 2) / pe_dim) + + pos_embed = pos_inds.unsqueeze(-1) / dim_t + pos_embed = torch.cat([pos_embed.sin(), pos_embed.cos()], dim=-1) + return pos_embed + + +def get_activation_fn(activation): + """Return an activation function given a string""" + if activation == "relu": + return F.relu + if activation == "gelu": + return F.gelu + if activation == "glu": + return F.glu + raise RuntimeError(f"activation should be relu/gelu, not {activation}.") + + +def get_clones(module, N): + return nn.ModuleList([copy.deepcopy(module) for i in range(N)]) + + +class DropPath(nn.Module): + # adapted from https://github.com/huggingface/pytorch-image-models/blob/main/timm/layers/drop.py + def __init__(self, drop_prob=0.0, scale_by_keep=True): + super(DropPath, self).__init__() + self.drop_prob = drop_prob + self.scale_by_keep = scale_by_keep + + def forward(self, x): + if self.drop_prob == 0.0 or not self.training: + return x + keep_prob = 1 - self.drop_prob + shape = (x.shape[0],) + (1,) * (x.ndim - 1) + random_tensor = x.new_empty(shape).bernoulli_(keep_prob) + if keep_prob > 0.0 and self.scale_by_keep: + random_tensor.div_(keep_prob) + return x * random_tensor + + +# Lightly adapted from +# https://github.com/facebookresearch/MaskFormer/blob/main/mask_former/modeling/transformer/transformer_predictor.py # noqa +class MLP(nn.Module): + def __init__( + self, + input_dim: int, + hidden_dim: int, + output_dim: int, + num_layers: int, + activation: nn.Module = nn.ReLU, + sigmoid_output: bool = False, + ) -> None: + super().__init__() + self.num_layers = num_layers + h = [hidden_dim] * (num_layers - 1) + self.layers = nn.ModuleList( + nn.Linear(n, k) for n, k in zip([input_dim] + h, h + [output_dim]) + ) + self.sigmoid_output = sigmoid_output + self.act = activation() + + def forward(self, x): + for i, layer in enumerate(self.layers): + x = self.act(layer(x)) if i < self.num_layers - 1 else layer(x) + if self.sigmoid_output: + x = F.sigmoid(x) + return x + + +# From https://github.com/facebookresearch/detectron2/blob/main/detectron2/layers/batch_norm.py # noqa +# Itself from https://github.com/facebookresearch/ConvNeXt/blob/d1fa8f6fef0a165b27399986cc2bdacc92777e40/models/convnext.py#L119 # noqa +class LayerNorm2d(nn.Module): + def __init__(self, num_channels: int, eps: float = 1e-6) -> None: + super().__init__() + self.weight = nn.Parameter(torch.ones(num_channels)) + self.bias = nn.Parameter(torch.zeros(num_channels)) + self.eps = eps + + def forward(self, x: torch.Tensor) -> torch.Tensor: + u = x.mean(1, keepdim=True) + s = (x - u).pow(2).mean(1, keepdim=True) + x = (x - u) / torch.sqrt(s + self.eps) + x = self.weight[:, None, None] * x + self.bias[:, None, None] + return x + + +def sample_box_points( + masks: torch.Tensor, + noise: float = 0.1, # SAM default + noise_bound: int = 20, # SAM default + top_left_label: int = 2, + bottom_right_label: int = 3, +) -> Tuple[np.array, np.array]: + """ + Sample a noised version of the top left and bottom right corners of a given `bbox` + + Inputs: + - masks: [B, 1, H,W] boxes, dtype=torch.Tensor + - noise: noise as a fraction of box width and height, dtype=float + - noise_bound: maximum amount of noise (in pure pixesl), dtype=int + + Returns: + - box_coords: [B, num_pt, 2], contains (x, y) coordinates of top left and bottom right box corners, dtype=torch.float + - box_labels: [B, num_pt], label 2 is reserverd for top left and 3 for bottom right corners, dtype=torch.int32 + """ + device = masks.device + box_coords = mask_to_box(masks) + B, _, H, W = masks.shape + box_labels = torch.tensor( + [top_left_label, bottom_right_label], dtype=torch.int, device=device + ).repeat(B) + if noise > 0.0: + if not isinstance(noise_bound, torch.Tensor): + noise_bound = torch.tensor(noise_bound, device=device) + bbox_w = box_coords[..., 2] - box_coords[..., 0] + bbox_h = box_coords[..., 3] - box_coords[..., 1] + max_dx = torch.min(bbox_w * noise, noise_bound) + max_dy = torch.min(bbox_h * noise, noise_bound) + box_noise = 2 * torch.rand(B, 1, 4, device=device) - 1 + box_noise = box_noise * torch.stack((max_dx, max_dy, max_dx, max_dy), dim=-1) + + box_coords = box_coords + box_noise + img_bounds = ( + torch.tensor([W, H, W, H], device=device) - 1 + ) # uncentered pixel coords + box_coords.clamp_(torch.zeros_like(img_bounds), img_bounds) # In place clamping + + box_coords = box_coords.reshape(-1, 2, 2) # always 2 points + box_labels = box_labels.reshape(-1, 2) + return box_coords, box_labels + + +def sample_random_points_from_errors(gt_masks, pred_masks, num_pt=1): + """ + Sample `num_pt` random points (along with their labels) independently from the error regions. + + Inputs: + - gt_masks: [B, 1, H_im, W_im] masks, dtype=torch.bool + - pred_masks: [B, 1, H_im, W_im] masks, dtype=torch.bool or None + - num_pt: int, number of points to sample independently for each of the B error maps + + Outputs: + - points: [B, num_pt, 2], dtype=torch.float, contains (x, y) coordinates of each sampled point + - labels: [B, num_pt], dtype=torch.int32, where 1 means positive clicks and 0 means + negative clicks + """ + if pred_masks is None: # if pred_masks is not provided, treat it as empty + pred_masks = torch.zeros_like(gt_masks) + assert gt_masks.dtype == torch.bool and gt_masks.size(1) == 1 + assert pred_masks.dtype == torch.bool and pred_masks.shape == gt_masks.shape + assert num_pt >= 0 + + B, _, H_im, W_im = gt_masks.shape + device = gt_masks.device + + # false positive region, a new point sampled in this region should have + # negative label to correct the FP error + fp_masks = ~gt_masks & pred_masks + # false negative region, a new point sampled in this region should have + # positive label to correct the FN error + fn_masks = gt_masks & ~pred_masks + # whether the prediction completely match the ground-truth on each mask + all_correct = torch.all((gt_masks == pred_masks).flatten(2), dim=2) + all_correct = all_correct[..., None, None] + + # channel 0 is FP map, while channel 1 is FN map + pts_noise = torch.rand(B, num_pt, H_im, W_im, 2, device=device) + # sample a negative new click from FP region or a positive new click + # from FN region, depend on where the maximum falls, + # and in case the predictions are all correct (no FP or FN), we just + # sample a negative click from the background region + pts_noise[..., 0] *= fp_masks | (all_correct & ~gt_masks) + pts_noise[..., 1] *= fn_masks + pts_idx = pts_noise.flatten(2).argmax(dim=2) + labels = (pts_idx % 2).to(torch.int32) + pts_idx = pts_idx // 2 + pts_x = pts_idx % W_im + pts_y = pts_idx // W_im + points = torch.stack([pts_x, pts_y], dim=2).to(torch.float) + return points, labels + + +def sample_one_point_from_error_center(gt_masks, pred_masks, padding=True): + """ + Sample 1 random point (along with its label) from the center of each error region, + that is, the point with the largest distance to the boundary of each error region. + This is the RITM sampling method from https://github.com/saic-vul/ritm_interactive_segmentation/blob/master/isegm/inference/clicker.py + + Inputs: + - gt_masks: [B, 1, H_im, W_im] masks, dtype=torch.bool + - pred_masks: [B, 1, H_im, W_im] masks, dtype=torch.bool or None + - padding: if True, pad with boundary of 1 px for distance transform + + Outputs: + - points: [B, 1, 2], dtype=torch.float, contains (x, y) coordinates of each sampled point + - labels: [B, 1], dtype=torch.int32, where 1 means positive clicks and 0 means negative clicks + """ + import cv2 + + if pred_masks is None: + pred_masks = torch.zeros_like(gt_masks) + assert gt_masks.dtype == torch.bool and gt_masks.size(1) == 1 + assert pred_masks.dtype == torch.bool and pred_masks.shape == gt_masks.shape + + B, _, _, W_im = gt_masks.shape + device = gt_masks.device + + # false positive region, a new point sampled in this region should have + # negative label to correct the FP error + fp_masks = ~gt_masks & pred_masks + # false negative region, a new point sampled in this region should have + # positive label to correct the FN error + fn_masks = gt_masks & ~pred_masks + + fp_masks = fp_masks.cpu().numpy() + fn_masks = fn_masks.cpu().numpy() + points = torch.zeros(B, 1, 2, dtype=torch.float) + labels = torch.ones(B, 1, dtype=torch.int32) + for b in range(B): + fn_mask = fn_masks[b, 0] + fp_mask = fp_masks[b, 0] + if padding: + fn_mask = np.pad(fn_mask, ((1, 1), (1, 1)), "constant") + fp_mask = np.pad(fp_mask, ((1, 1), (1, 1)), "constant") + # compute the distance of each point in FN/FP region to its boundary + fn_mask_dt = cv2.distanceTransform(fn_mask.astype(np.uint8), cv2.DIST_L2, 0) + fp_mask_dt = cv2.distanceTransform(fp_mask.astype(np.uint8), cv2.DIST_L2, 0) + if padding: + fn_mask_dt = fn_mask_dt[1:-1, 1:-1] + fp_mask_dt = fp_mask_dt[1:-1, 1:-1] + + # take the point in FN/FP region with the largest distance to its boundary + fn_mask_dt_flat = fn_mask_dt.reshape(-1) + fp_mask_dt_flat = fp_mask_dt.reshape(-1) + fn_argmax = np.argmax(fn_mask_dt_flat) + fp_argmax = np.argmax(fp_mask_dt_flat) + is_positive = fn_mask_dt_flat[fn_argmax] > fp_mask_dt_flat[fp_argmax] + pt_idx = fn_argmax if is_positive else fp_argmax + points[b, 0, 0] = pt_idx % W_im # x + points[b, 0, 1] = pt_idx // W_im # y + labels[b, 0] = int(is_positive) + + points = points.to(device) + labels = labels.to(device) + return points, labels + + +def get_next_point(gt_masks, pred_masks, method): + if method == "uniform": + return sample_random_points_from_errors(gt_masks, pred_masks) + elif method == "center": + return sample_one_point_from_error_center(gt_masks, pred_masks) + else: + raise ValueError(f"unknown sampling method {method}") diff --git a/sam2/sam2_hiera_b+.yaml b/sam2/sam2_hiera_b+.yaml new file mode 120000 index 0000000000000000000000000000000000000000..998d9c98c9ff4e8ddd55deff72aa0d9067977418 --- /dev/null +++ b/sam2/sam2_hiera_b+.yaml @@ -0,0 +1 @@ +configs/sam2/sam2_hiera_b+.yaml \ No newline at end of file diff --git a/sam2/sam2_hiera_l.yaml b/sam2/sam2_hiera_l.yaml new file mode 120000 index 0000000000000000000000000000000000000000..c0e7e58e1951d5c55a3a3ebe6b803dd814cf9d86 --- /dev/null +++ b/sam2/sam2_hiera_l.yaml @@ -0,0 +1 @@ +configs/sam2/sam2_hiera_l.yaml \ No newline at end of file diff --git a/sam2/sam2_hiera_s.yaml b/sam2/sam2_hiera_s.yaml new file mode 120000 index 0000000000000000000000000000000000000000..41896a26beb2aa831d18b0bf3c349ed43deeef68 --- /dev/null +++ b/sam2/sam2_hiera_s.yaml @@ -0,0 +1 @@ +configs/sam2/sam2_hiera_s.yaml \ No newline at end of file diff --git a/sam2/sam2_hiera_t.yaml b/sam2/sam2_hiera_t.yaml new file mode 120000 index 0000000000000000000000000000000000000000..71ff3abbb1e11f8b82100a0a1d63cb267eefe52a --- /dev/null +++ b/sam2/sam2_hiera_t.yaml @@ -0,0 +1 @@ +configs/sam2/sam2_hiera_t.yaml \ No newline at end of file diff --git a/sam2/sam2_image_predictor.py b/sam2/sam2_image_predictor.py new file mode 100644 index 0000000000000000000000000000000000000000..0b43ef536e5489e6099e90a470bfcbb5bc0aadcc --- /dev/null +++ b/sam2/sam2_image_predictor.py @@ -0,0 +1,466 @@ +# Copyright (c) Meta Platforms, Inc. and affiliates. +# All rights reserved. + +# This source code is licensed under the license found in the +# LICENSE file in the root directory of this source tree. + +import logging + +from typing import List, Optional, Tuple, Union + +import numpy as np +import torch +from PIL.Image import Image + +from sam2.modeling.sam2_base import SAM2Base + +from sam2.utils.transforms import SAM2Transforms + + +class SAM2ImagePredictor: + def __init__( + self, + sam_model: SAM2Base, + mask_threshold=0.0, + max_hole_area=0.0, + max_sprinkle_area=0.0, + **kwargs, + ) -> None: + """ + Uses SAM-2 to calculate the image embedding for an image, and then + allow repeated, efficient mask prediction given prompts. + + Arguments: + sam_model (Sam-2): The model to use for mask prediction. + mask_threshold (float): The threshold to use when converting mask logits + to binary masks. Masks are thresholded at 0 by default. + max_hole_area (int): If max_hole_area > 0, we fill small holes in up to + the maximum area of max_hole_area in low_res_masks. + max_sprinkle_area (int): If max_sprinkle_area > 0, we remove small sprinkles up to + the maximum area of max_sprinkle_area in low_res_masks. + """ + super().__init__() + self.model = sam_model + self._transforms = SAM2Transforms( + resolution=self.model.image_size, + mask_threshold=mask_threshold, + max_hole_area=max_hole_area, + max_sprinkle_area=max_sprinkle_area, + ) + + # Predictor state + self._is_image_set = False + self._features = None + self._orig_hw = None + # Whether the predictor is set for single image or a batch of images + self._is_batch = False + + # Predictor config + self.mask_threshold = mask_threshold + + # Spatial dim for backbone feature maps + self._bb_feat_sizes = [ + (256, 256), + (128, 128), + (64, 64), + ] + + @classmethod + def from_pretrained(cls, model_id: str, cache_dir, device) -> "SAM2ImagePredictor": + """ + Load a pretrained model from the Hugging Face hub. + + Arguments: + model_id (str): The Hugging Face repository ID. + **kwargs: Additional arguments to pass to the model constructor. + + Returns: + (SAM2ImagePredictor): The loaded model. + """ + from sam2.build_sam import build_sam2_hf + + sam_model = build_sam2_hf(model_id, cache_dir, device) + return cls(sam_model) + + @torch.no_grad() + def set_image( + self, + image: Union[np.ndarray, Image], + ) -> None: + """ + Calculates the image embeddings for the provided image, allowing + masks to be predicted with the 'predict' method. + + Arguments: + image (np.ndarray or PIL Image): The input image to embed in RGB format. The image should be in HWC format if np.ndarray, or WHC format if PIL Image + with pixel values in [0, 255]. + image_format (str): The color format of the image, in ['RGB', 'BGR']. + """ + self.reset_predictor() + # Transform the image to the form expected by the model + if isinstance(image, np.ndarray): + logging.info("For numpy array image, we assume (HxWxC) format") + self._orig_hw = [image.shape[:2]] + elif isinstance(image, Image): + w, h = image.size + self._orig_hw = [(h, w)] + else: + raise NotImplementedError("Image format not supported") + + input_image = self._transforms(image) + input_image = input_image[None, ...].to(self.device) + + assert ( + len(input_image.shape) == 4 and input_image.shape[1] == 3 + ), f"input_image must be of size 1x3xHxW, got {input_image.shape}" + logging.info("Computing image embeddings for the provided image...") + backbone_out = self.model.forward_image(input_image) + _, vision_feats, _, _ = self.model._prepare_backbone_features(backbone_out) + # Add no_mem_embed, which is added to the lowest rest feat. map during training on videos + if self.model.directly_add_no_mem_embed: + vision_feats[-1] = vision_feats[-1] + self.model.no_mem_embed + + feats = [ + feat.permute(1, 2, 0).view(1, -1, *feat_size) + for feat, feat_size in zip(vision_feats[::-1], self._bb_feat_sizes[::-1]) + ][::-1] + self._features = {"image_embed": feats[-1], "high_res_feats": feats[:-1]} + self._is_image_set = True + logging.info("Image embeddings computed.") + + @torch.no_grad() + def set_image_batch( + self, + image_list: List[Union[np.ndarray]], + ) -> None: + """ + Calculates the image embeddings for the provided image batch, allowing + masks to be predicted with the 'predict_batch' method. + + Arguments: + image_list (List[np.ndarray]): The input images to embed in RGB format. The image should be in HWC format if np.ndarray + with pixel values in [0, 255]. + """ + self.reset_predictor() + assert isinstance(image_list, list) + self._orig_hw = [] + for image in image_list: + assert isinstance( + image, np.ndarray + ), "Images are expected to be an np.ndarray in RGB format, and of shape HWC" + self._orig_hw.append(image.shape[:2]) + # Transform the image to the form expected by the model + img_batch = self._transforms.forward_batch(image_list) + img_batch = img_batch.to(self.device) + batch_size = img_batch.shape[0] + assert ( + len(img_batch.shape) == 4 and img_batch.shape[1] == 3 + ), f"img_batch must be of size Bx3xHxW, got {img_batch.shape}" + logging.info("Computing image embeddings for the provided images...") + backbone_out = self.model.forward_image(img_batch) + _, vision_feats, _, _ = self.model._prepare_backbone_features(backbone_out) + # Add no_mem_embed, which is added to the lowest rest feat. map during training on videos + if self.model.directly_add_no_mem_embed: + vision_feats[-1] = vision_feats[-1] + self.model.no_mem_embed + + feats = [ + feat.permute(1, 2, 0).view(batch_size, -1, *feat_size) + for feat, feat_size in zip(vision_feats[::-1], self._bb_feat_sizes[::-1]) + ][::-1] + self._features = {"image_embed": feats[-1], "high_res_feats": feats[:-1]} + self._is_image_set = True + self._is_batch = True + logging.info("Image embeddings computed.") + + def predict_batch( + self, + point_coords_batch: List[np.ndarray] = None, + point_labels_batch: List[np.ndarray] = None, + box_batch: List[np.ndarray] = None, + mask_input_batch: List[np.ndarray] = None, + multimask_output: bool = True, + return_logits: bool = False, + normalize_coords=True, + ) -> Tuple[List[np.ndarray], List[np.ndarray], List[np.ndarray]]: + """This function is very similar to predict(...), however it is used for batched mode, when the model is expected to generate predictions on multiple images. + It returns a tuple of lists of masks, ious, and low_res_masks_logits. + """ + assert self._is_batch, "This function should only be used when in batched mode" + if not self._is_image_set: + raise RuntimeError( + "An image must be set with .set_image_batch(...) before mask prediction." + ) + num_images = len(self._features["image_embed"]) + all_masks = [] + all_ious = [] + all_low_res_masks = [] + for img_idx in range(num_images): + # Transform input prompts + point_coords = ( + point_coords_batch[img_idx] if point_coords_batch is not None else None + ) + point_labels = ( + point_labels_batch[img_idx] if point_labels_batch is not None else None + ) + box = box_batch[img_idx] if box_batch is not None else None + mask_input = ( + mask_input_batch[img_idx] if mask_input_batch is not None else None + ) + mask_input, unnorm_coords, labels, unnorm_box = self._prep_prompts( + point_coords, + point_labels, + box, + mask_input, + normalize_coords, + img_idx=img_idx, + ) + masks, iou_predictions, low_res_masks = self._predict( + unnorm_coords, + labels, + unnorm_box, + mask_input, + multimask_output, + return_logits=return_logits, + img_idx=img_idx, + ) + masks_np = masks.squeeze(0).float().detach().cpu().numpy() + iou_predictions_np = ( + iou_predictions.squeeze(0).float().detach().cpu().numpy() + ) + low_res_masks_np = low_res_masks.squeeze(0).float().detach().cpu().numpy() + all_masks.append(masks_np) + all_ious.append(iou_predictions_np) + all_low_res_masks.append(low_res_masks_np) + + return all_masks, all_ious, all_low_res_masks + + def predict( + self, + point_coords: Optional[np.ndarray] = None, + point_labels: Optional[np.ndarray] = None, + box: Optional[np.ndarray] = None, + mask_input: Optional[np.ndarray] = None, + multimask_output: bool = True, + return_logits: bool = False, + normalize_coords=True, + ) -> Tuple[np.ndarray, np.ndarray, np.ndarray]: + """ + Predict masks for the given input prompts, using the currently set image. + + Arguments: + point_coords (np.ndarray or None): A Nx2 array of point prompts to the + model. Each point is in (X,Y) in pixels. + point_labels (np.ndarray or None): A length N array of labels for the + point prompts. 1 indicates a foreground point and 0 indicates a + background point. + box (np.ndarray or None): A length 4 array given a box prompt to the + model, in XYXY format. + mask_input (np.ndarray): A low resolution mask input to the model, typically + coming from a previous prediction iteration. Has form 1xHxW, where + for SAM, H=W=256. + multimask_output (bool): If true, the model will return three masks. + For ambiguous input prompts (such as a single click), this will often + produce better masks than a single prediction. If only a single + mask is needed, the model's predicted quality score can be used + to select the best mask. For non-ambiguous prompts, such as multiple + input prompts, multimask_output=False can give better results. + return_logits (bool): If true, returns un-thresholded masks logits + instead of a binary mask. + normalize_coords (bool): If true, the point coordinates will be normalized to the range [0,1] and point_coords is expected to be wrt. image dimensions. + + Returns: + (np.ndarray): The output masks in CxHxW format, where C is the + number of masks, and (H, W) is the original image size. + (np.ndarray): An array of length C containing the model's + predictions for the quality of each mask. + (np.ndarray): An array of shape CxHxW, where C is the number + of masks and H=W=256. These low resolution logits can be passed to + a subsequent iteration as mask input. + """ + if not self._is_image_set: + raise RuntimeError( + "An image must be set with .set_image(...) before mask prediction." + ) + + # Transform input prompts + + mask_input, unnorm_coords, labels, unnorm_box = self._prep_prompts( + point_coords, point_labels, box, mask_input, normalize_coords + ) + + masks, iou_predictions, low_res_masks = self._predict( + unnorm_coords, + labels, + unnorm_box, + mask_input, + multimask_output, + return_logits=return_logits, + ) + + masks_np = masks.squeeze(0).float().detach().cpu().numpy() + iou_predictions_np = iou_predictions.squeeze(0).float().detach().cpu().numpy() + low_res_masks_np = low_res_masks.squeeze(0).float().detach().cpu().numpy() + return masks_np, iou_predictions_np, low_res_masks_np + + def _prep_prompts( + self, point_coords, point_labels, box, mask_logits, normalize_coords, img_idx=-1 + ): + + unnorm_coords, labels, unnorm_box, mask_input = None, None, None, None + if point_coords is not None: + assert ( + point_labels is not None + ), "point_labels must be supplied if point_coords is supplied." + point_coords = torch.as_tensor( + point_coords, dtype=torch.float, device=self.device + ) + unnorm_coords = self._transforms.transform_coords( + point_coords, normalize=normalize_coords, orig_hw=self._orig_hw[img_idx] + ) + labels = torch.as_tensor(point_labels, dtype=torch.int, device=self.device) + if len(unnorm_coords.shape) == 2: + unnorm_coords, labels = unnorm_coords[None, ...], labels[None, ...] + if box is not None: + box = torch.as_tensor(box, dtype=torch.float, device=self.device) + unnorm_box = self._transforms.transform_boxes( + box, normalize=normalize_coords, orig_hw=self._orig_hw[img_idx] + ) # Bx2x2 + if mask_logits is not None: + mask_input = torch.as_tensor( + mask_logits, dtype=torch.float, device=self.device + ) + if len(mask_input.shape) == 3: + mask_input = mask_input[None, :, :, :] + return mask_input, unnorm_coords, labels, unnorm_box + + @torch.no_grad() + def _predict( + self, + point_coords: Optional[torch.Tensor], + point_labels: Optional[torch.Tensor], + boxes: Optional[torch.Tensor] = None, + mask_input: Optional[torch.Tensor] = None, + multimask_output: bool = True, + return_logits: bool = False, + img_idx: int = -1, + ) -> Tuple[torch.Tensor, torch.Tensor, torch.Tensor]: + """ + Predict masks for the given input prompts, using the currently set image. + Input prompts are batched torch tensors and are expected to already be + transformed to the input frame using SAM2Transforms. + + Arguments: + point_coords (torch.Tensor or None): A BxNx2 array of point prompts to the + model. Each point is in (X,Y) in pixels. + point_labels (torch.Tensor or None): A BxN array of labels for the + point prompts. 1 indicates a foreground point and 0 indicates a + background point. + boxes (np.ndarray or None): A Bx4 array given a box prompt to the + model, in XYXY format. + mask_input (np.ndarray): A low resolution mask input to the model, typically + coming from a previous prediction iteration. Has form Bx1xHxW, where + for SAM, H=W=256. Masks returned by a previous iteration of the + predict method do not need further transformation. + multimask_output (bool): If true, the model will return three masks. + For ambiguous input prompts (such as a single click), this will often + produce better masks than a single prediction. If only a single + mask is needed, the model's predicted quality score can be used + to select the best mask. For non-ambiguous prompts, such as multiple + input prompts, multimask_output=False can give better results. + return_logits (bool): If true, returns un-thresholded masks logits + instead of a binary mask. + + Returns: + (torch.Tensor): The output masks in BxCxHxW format, where C is the + number of masks, and (H, W) is the original image size. + (torch.Tensor): An array of shape BxC containing the model's + predictions for the quality of each mask. + (torch.Tensor): An array of shape BxCxHxW, where C is the number + of masks and H=W=256. These low res logits can be passed to + a subsequent iteration as mask input. + """ + if not self._is_image_set: + raise RuntimeError( + "An image must be set with .set_image(...) before mask prediction." + ) + + if point_coords is not None: + concat_points = (point_coords, point_labels) + else: + concat_points = None + + # Embed prompts + if boxes is not None: + box_coords = boxes.reshape(-1, 2, 2) + box_labels = torch.tensor([[2, 3]], dtype=torch.int, device=boxes.device) + box_labels = box_labels.repeat(boxes.size(0), 1) + # we merge "boxes" and "points" into a single "concat_points" input (where + # boxes are added at the beginning) to sam_prompt_encoder + if concat_points is not None: + concat_coords = torch.cat([box_coords, concat_points[0]], dim=1) + concat_labels = torch.cat([box_labels, concat_points[1]], dim=1) + concat_points = (concat_coords, concat_labels) + else: + concat_points = (box_coords, box_labels) + + sparse_embeddings, dense_embeddings = self.model.sam_prompt_encoder( + points=concat_points, + boxes=None, + masks=mask_input, + ) + + # Predict masks + batched_mode = ( + concat_points is not None and concat_points[0].shape[0] > 1 + ) # multi object prediction + high_res_features = [ + feat_level[img_idx].unsqueeze(0) + for feat_level in self._features["high_res_feats"] + ] + low_res_masks, iou_predictions, _, _ = self.model.sam_mask_decoder( + image_embeddings=self._features["image_embed"][img_idx].unsqueeze(0), + image_pe=self.model.sam_prompt_encoder.get_dense_pe(), + sparse_prompt_embeddings=sparse_embeddings, + dense_prompt_embeddings=dense_embeddings, + multimask_output=multimask_output, + repeat_image=batched_mode, + high_res_features=high_res_features, + ) + + # Upscale the masks to the original image resolution + masks = self._transforms.postprocess_masks( + low_res_masks, self._orig_hw[img_idx] + ) + low_res_masks = torch.clamp(low_res_masks, -32.0, 32.0) + if not return_logits: + masks = masks > self.mask_threshold + + return masks, iou_predictions, low_res_masks + + def get_image_embedding(self) -> torch.Tensor: + """ + Returns the image embeddings for the currently set image, with + shape 1xCxHxW, where C is the embedding dimension and (H,W) are + the embedding spatial dimension of SAM (typically C=256, H=W=64). + """ + if not self._is_image_set: + raise RuntimeError( + "An image must be set with .set_image(...) to generate an embedding." + ) + assert ( + self._features is not None + ), "Features must exist if an image has been set." + return self._features["image_embed"] + + @property + def device(self) -> torch.device: + return self.model.device + + def reset_predictor(self) -> None: + """ + Resets the image embeddings and other state variables. + """ + self._is_image_set = False + self._features = None + self._orig_hw = None + self._is_batch = False diff --git a/sam2/sam2_video_predictor.py b/sam2/sam2_video_predictor.py new file mode 100644 index 0000000000000000000000000000000000000000..c7e01ccf972491904b013526333826b337354db1 --- /dev/null +++ b/sam2/sam2_video_predictor.py @@ -0,0 +1,1172 @@ +# Copyright (c) Meta Platforms, Inc. and affiliates. +# All rights reserved. + +# This source code is licensed under the license found in the +# LICENSE file in the root directory of this source tree. + +import warnings +from collections import OrderedDict + +import torch + +from tqdm import tqdm + +from sam2.modeling.sam2_base import NO_OBJ_SCORE, SAM2Base +from sam2.utils.misc import concat_points, fill_holes_in_mask_scores, load_video_frames + + +class SAM2VideoPredictor(SAM2Base): + """The predictor class to handle user interactions and manage inference states.""" + + def __init__( + self, + fill_hole_area=0, + # whether to apply non-overlapping constraints on the output object masks + non_overlap_masks=False, + # whether to clear non-conditioning memory of the surrounding frames (which may contain outdated information) after adding correction clicks; + # note that this would only apply to *single-object tracking* unless `clear_non_cond_mem_for_multi_obj` is also set to True) + clear_non_cond_mem_around_input=False, + # whether to also clear non-conditioning memory of the surrounding frames (only effective when `clear_non_cond_mem_around_input` is True). + clear_non_cond_mem_for_multi_obj=False, + # if `add_all_frames_to_correct_as_cond` is True, we also append to the conditioning frame list any frame that receives a later correction click + # if `add_all_frames_to_correct_as_cond` is False, we conditioning frame list to only use those initial conditioning frames + add_all_frames_to_correct_as_cond=False, + **kwargs, + ): + super().__init__(**kwargs) + self.fill_hole_area = fill_hole_area + self.non_overlap_masks = non_overlap_masks + self.clear_non_cond_mem_around_input = clear_non_cond_mem_around_input + self.clear_non_cond_mem_for_multi_obj = clear_non_cond_mem_for_multi_obj + self.add_all_frames_to_correct_as_cond = add_all_frames_to_correct_as_cond + + @torch.inference_mode() + def init_state( + self, + video_path, + offload_video_to_cpu=False, + offload_state_to_cpu=False, + async_loading_frames=False, + ): + """Initialize an inference state.""" + compute_device = self.device # device of the model + images, video_height, video_width = load_video_frames( + video_path=video_path, + image_size=self.image_size, + offload_video_to_cpu=offload_video_to_cpu, + async_loading_frames=async_loading_frames, + compute_device=compute_device, + ) + inference_state = {} + inference_state["images"] = images + inference_state["num_frames"] = len(images) + # whether to offload the video frames to CPU memory + # turning on this option saves the GPU memory with only a very small overhead + inference_state["offload_video_to_cpu"] = offload_video_to_cpu + # whether to offload the inference state to CPU memory + # turning on this option saves the GPU memory at the cost of a lower tracking fps + # (e.g. in a test case of 768x768 model, fps dropped from 27 to 24 when tracking one object + # and from 24 to 21 when tracking two objects) + inference_state["offload_state_to_cpu"] = offload_state_to_cpu + # the original video height and width, used for resizing final output scores + inference_state["video_height"] = video_height + inference_state["video_width"] = video_width + inference_state["device"] = compute_device + if offload_state_to_cpu: + inference_state["storage_device"] = torch.device("cpu") + else: + inference_state["storage_device"] = compute_device + # inputs on each frame + inference_state["point_inputs_per_obj"] = {} + inference_state["mask_inputs_per_obj"] = {} + # visual features on a small number of recently visited frames for quick interactions + inference_state["cached_features"] = {} + # values that don't change across frames (so we only need to hold one copy of them) + inference_state["constants"] = {} + # mapping between client-side object id and model-side object index + inference_state["obj_id_to_idx"] = OrderedDict() + inference_state["obj_idx_to_id"] = OrderedDict() + inference_state["obj_ids"] = [] + # A storage to hold the model's tracking results and states on each frame + inference_state["output_dict"] = { + "cond_frame_outputs": {}, # dict containing {frame_idx: } + "non_cond_frame_outputs": {}, # dict containing {frame_idx: } + } + # Slice (view) of each object tracking results, sharing the same memory with "output_dict" + inference_state["output_dict_per_obj"] = {} + # A temporary storage to hold new outputs when user interact with a frame + # to add clicks or mask (it's merged into "output_dict" before propagation starts) + inference_state["temp_output_dict_per_obj"] = {} + # Frames that already holds consolidated outputs from click or mask inputs + # (we directly use their consolidated outputs during tracking) + inference_state["consolidated_frame_inds"] = { + "cond_frame_outputs": set(), # set containing frame indices + "non_cond_frame_outputs": set(), # set containing frame indices + } + # metadata for each tracking frame (e.g. which direction it's tracked) + inference_state["tracking_has_started"] = False + inference_state["frames_already_tracked"] = {} + # Warm up the visual backbone and cache the image feature on frame 0 + self._get_image_feature(inference_state, frame_idx=0, batch_size=1) + return inference_state + + @classmethod + def from_pretrained(cls, model_id: str, **kwargs) -> "SAM2VideoPredictor": + """ + Load a pretrained model from the Hugging Face hub. + + Arguments: + model_id (str): The Hugging Face repository ID. + **kwargs: Additional arguments to pass to the model constructor. + + Returns: + (SAM2VideoPredictor): The loaded model. + """ + from sam2.build_sam import build_sam2_video_predictor_hf + + sam_model = build_sam2_video_predictor_hf(model_id, **kwargs) + return sam_model + + def _obj_id_to_idx(self, inference_state, obj_id): + """Map client-side object id to model-side object index.""" + obj_idx = inference_state["obj_id_to_idx"].get(obj_id, None) + if obj_idx is not None: + return obj_idx + + # This is a new object id not sent to the server before. We only allow adding + # new objects *before* the tracking starts. + allow_new_object = not inference_state["tracking_has_started"] + if allow_new_object: + # get the next object slot + obj_idx = len(inference_state["obj_id_to_idx"]) + inference_state["obj_id_to_idx"][obj_id] = obj_idx + inference_state["obj_idx_to_id"][obj_idx] = obj_id + inference_state["obj_ids"] = list(inference_state["obj_id_to_idx"]) + # set up input and output structures for this object + inference_state["point_inputs_per_obj"][obj_idx] = {} + inference_state["mask_inputs_per_obj"][obj_idx] = {} + inference_state["output_dict_per_obj"][obj_idx] = { + "cond_frame_outputs": {}, # dict containing {frame_idx: } + "non_cond_frame_outputs": {}, # dict containing {frame_idx: } + } + inference_state["temp_output_dict_per_obj"][obj_idx] = { + "cond_frame_outputs": {}, # dict containing {frame_idx: } + "non_cond_frame_outputs": {}, # dict containing {frame_idx: } + } + return obj_idx + else: + raise RuntimeError( + f"Cannot add new object id {obj_id} after tracking starts. " + f"All existing object ids: {inference_state['obj_ids']}. " + f"Please call 'reset_state' to restart from scratch." + ) + + def _obj_idx_to_id(self, inference_state, obj_idx): + """Map model-side object index to client-side object id.""" + return inference_state["obj_idx_to_id"][obj_idx] + + def _get_obj_num(self, inference_state): + """Get the total number of unique object ids received so far in this session.""" + return len(inference_state["obj_idx_to_id"]) + + @torch.inference_mode() + def add_new_points_or_box( + self, + inference_state, + frame_idx, + obj_id, + points=None, + labels=None, + clear_old_points=True, + normalize_coords=True, + box=None, + ): + """Add new points to a frame.""" + obj_idx = self._obj_id_to_idx(inference_state, obj_id) + point_inputs_per_frame = inference_state["point_inputs_per_obj"][obj_idx] + mask_inputs_per_frame = inference_state["mask_inputs_per_obj"][obj_idx] + + if (points is not None) != (labels is not None): + raise ValueError("points and labels must be provided together") + if points is None and box is None: + raise ValueError("at least one of points or box must be provided as input") + + if points is None: + points = torch.zeros(0, 2, dtype=torch.float32) + elif not isinstance(points, torch.Tensor): + points = torch.tensor(points, dtype=torch.float32) + if labels is None: + labels = torch.zeros(0, dtype=torch.int32) + elif not isinstance(labels, torch.Tensor): + labels = torch.tensor(labels, dtype=torch.int32) + if points.dim() == 2: + points = points.unsqueeze(0) # add batch dimension + if labels.dim() == 1: + labels = labels.unsqueeze(0) # add batch dimension + + # If `box` is provided, we add it as the first two points with labels 2 and 3 + # along with the user-provided points (consistent with how SAM 2 is trained). + if box is not None: + if not clear_old_points: + raise ValueError( + "cannot add box without clearing old points, since " + "box prompt must be provided before any point prompt " + "(please use clear_old_points=True instead)" + ) + if inference_state["tracking_has_started"]: + warnings.warn( + "You are adding a box after tracking starts. SAM 2 may not always be " + "able to incorporate a box prompt for *refinement*. If you intend to " + "use box prompt as an *initial* input before tracking, please call " + "'reset_state' on the inference state to restart from scratch.", + category=UserWarning, + stacklevel=2, + ) + if not isinstance(box, torch.Tensor): + box = torch.tensor(box, dtype=torch.float32, device=points.device) + box_coords = box.reshape(1, 2, 2) + box_labels = torch.tensor([2, 3], dtype=torch.int32, device=labels.device) + box_labels = box_labels.reshape(1, 2) + points = torch.cat([box_coords, points], dim=1) + labels = torch.cat([box_labels, labels], dim=1) + + if normalize_coords: + video_H = inference_state["video_height"] + video_W = inference_state["video_width"] + points = points / torch.tensor([video_W, video_H]).to(points.device) + # scale the (normalized) coordinates by the model's internal image size + points = points * self.image_size + points = points.to(inference_state["device"]) + labels = labels.to(inference_state["device"]) + + if not clear_old_points: + point_inputs = point_inputs_per_frame.get(frame_idx, None) + else: + point_inputs = None + point_inputs = concat_points(point_inputs, points, labels) + + point_inputs_per_frame[frame_idx] = point_inputs + mask_inputs_per_frame.pop(frame_idx, None) + # If this frame hasn't been tracked before, we treat it as an initial conditioning + # frame, meaning that the inputs points are to generate segments on this frame without + # using any memory from other frames, like in SAM. Otherwise (if it has been tracked), + # the input points will be used to correct the already tracked masks. + is_init_cond_frame = frame_idx not in inference_state["frames_already_tracked"] + # whether to track in reverse time order + if is_init_cond_frame: + reverse = False + else: + reverse = inference_state["frames_already_tracked"][frame_idx]["reverse"] + obj_output_dict = inference_state["output_dict_per_obj"][obj_idx] + obj_temp_output_dict = inference_state["temp_output_dict_per_obj"][obj_idx] + # Add a frame to conditioning output if it's an initial conditioning frame or + # if the model sees all frames receiving clicks/mask as conditioning frames. + is_cond = is_init_cond_frame or self.add_all_frames_to_correct_as_cond + storage_key = "cond_frame_outputs" if is_cond else "non_cond_frame_outputs" + + # Get any previously predicted mask logits on this object and feed it along with + # the new clicks into the SAM mask decoder. + prev_sam_mask_logits = None + # lookup temporary output dict first, which contains the most recent output + # (if not found, then lookup conditioning and non-conditioning frame output) + prev_out = obj_temp_output_dict[storage_key].get(frame_idx) + if prev_out is None: + prev_out = obj_output_dict["cond_frame_outputs"].get(frame_idx) + if prev_out is None: + prev_out = obj_output_dict["non_cond_frame_outputs"].get(frame_idx) + + if prev_out is not None and prev_out["pred_masks"] is not None: + device = inference_state["device"] + prev_sam_mask_logits = prev_out["pred_masks"].to(device, non_blocking=True) + # Clamp the scale of prev_sam_mask_logits to avoid rare numerical issues. + prev_sam_mask_logits = torch.clamp(prev_sam_mask_logits, -32.0, 32.0) + current_out, _ = self._run_single_frame_inference( + inference_state=inference_state, + output_dict=obj_output_dict, # run on the slice of a single object + frame_idx=frame_idx, + batch_size=1, # run on the slice of a single object + is_init_cond_frame=is_init_cond_frame, + point_inputs=point_inputs, + mask_inputs=None, + reverse=reverse, + # Skip the memory encoder when adding clicks or mask. We execute the memory encoder + # at the beginning of `propagate_in_video` (after user finalize their clicks). This + # allows us to enforce non-overlapping constraints on all objects before encoding + # them into memory. + run_mem_encoder=False, + prev_sam_mask_logits=prev_sam_mask_logits, + ) + # Add the output to the output dict (to be used as future memory) + obj_temp_output_dict[storage_key][frame_idx] = current_out + + # Resize the output mask to the original video resolution + obj_ids = inference_state["obj_ids"] + consolidated_out = self._consolidate_temp_output_across_obj( + inference_state, + frame_idx, + is_cond=is_cond, + run_mem_encoder=False, + consolidate_at_video_res=True, + ) + _, video_res_masks = self._get_orig_video_res_output( + inference_state, consolidated_out["pred_masks_video_res"] + ) + return frame_idx, obj_ids, video_res_masks + + def add_new_points(self, *args, **kwargs): + """Deprecated method. Please use `add_new_points_or_box` instead.""" + return self.add_new_points_or_box(*args, **kwargs) + + @torch.inference_mode() + def add_new_mask( + self, + inference_state, + frame_idx, + obj_id, + mask, + ): + """Add new mask to a frame.""" + obj_idx = self._obj_id_to_idx(inference_state, obj_id) + point_inputs_per_frame = inference_state["point_inputs_per_obj"][obj_idx] + mask_inputs_per_frame = inference_state["mask_inputs_per_obj"][obj_idx] + + if not isinstance(mask, torch.Tensor): + mask = torch.tensor(mask, dtype=torch.bool) + assert mask.dim() == 2 + mask_H, mask_W = mask.shape + mask_inputs_orig = mask[None, None] # add batch and channel dimension + mask_inputs_orig = mask_inputs_orig.float().to(inference_state["device"]) + + # resize the mask if it doesn't match the model's image size + if mask_H != self.image_size or mask_W != self.image_size: + mask_inputs = torch.nn.functional.interpolate( + mask_inputs_orig, + size=(self.image_size, self.image_size), + align_corners=False, + mode="bilinear", + antialias=True, # use antialias for downsampling + ) + mask_inputs = (mask_inputs >= 0.5).float() + else: + mask_inputs = mask_inputs_orig + + mask_inputs_per_frame[frame_idx] = mask_inputs + point_inputs_per_frame.pop(frame_idx, None) + # If this frame hasn't been tracked before, we treat it as an initial conditioning + # frame, meaning that the inputs points are to generate segments on this frame without + # using any memory from other frames, like in SAM. Otherwise (if it has been tracked), + # the input points will be used to correct the already tracked masks. + is_init_cond_frame = frame_idx not in inference_state["frames_already_tracked"] + # whether to track in reverse time order + if is_init_cond_frame: + reverse = False + else: + reverse = inference_state["frames_already_tracked"][frame_idx]["reverse"] + obj_output_dict = inference_state["output_dict_per_obj"][obj_idx] + obj_temp_output_dict = inference_state["temp_output_dict_per_obj"][obj_idx] + # Add a frame to conditioning output if it's an initial conditioning frame or + # if the model sees all frames receiving clicks/mask as conditioning frames. + is_cond = is_init_cond_frame or self.add_all_frames_to_correct_as_cond + storage_key = "cond_frame_outputs" if is_cond else "non_cond_frame_outputs" + + current_out, _ = self._run_single_frame_inference( + inference_state=inference_state, + output_dict=obj_output_dict, # run on the slice of a single object + frame_idx=frame_idx, + batch_size=1, # run on the slice of a single object + is_init_cond_frame=is_init_cond_frame, + point_inputs=None, + mask_inputs=mask_inputs, + reverse=reverse, + # Skip the memory encoder when adding clicks or mask. We execute the memory encoder + # at the beginning of `propagate_in_video` (after user finalize their clicks). This + # allows us to enforce non-overlapping constraints on all objects before encoding + # them into memory. + run_mem_encoder=False, + ) + # Add the output to the output dict (to be used as future memory) + obj_temp_output_dict[storage_key][frame_idx] = current_out + + # Resize the output mask to the original video resolution + obj_ids = inference_state["obj_ids"] + consolidated_out = self._consolidate_temp_output_across_obj( + inference_state, + frame_idx, + is_cond=is_cond, + run_mem_encoder=False, + consolidate_at_video_res=True, + ) + _, video_res_masks = self._get_orig_video_res_output( + inference_state, consolidated_out["pred_masks_video_res"] + ) + return frame_idx, obj_ids, video_res_masks + + def _get_orig_video_res_output(self, inference_state, any_res_masks): + """ + Resize the object scores to the original video resolution (video_res_masks) + and apply non-overlapping constraints for final output. + """ + device = inference_state["device"] + video_H = inference_state["video_height"] + video_W = inference_state["video_width"] + any_res_masks = any_res_masks.to(device, non_blocking=True) + if any_res_masks.shape[-2:] == (video_H, video_W): + video_res_masks = any_res_masks + else: + video_res_masks = torch.nn.functional.interpolate( + any_res_masks, + size=(video_H, video_W), + mode="bilinear", + align_corners=False, + ) + if self.non_overlap_masks: + video_res_masks = self._apply_non_overlapping_constraints(video_res_masks) + return any_res_masks, video_res_masks + + def _consolidate_temp_output_across_obj( + self, + inference_state, + frame_idx, + is_cond, + run_mem_encoder, + consolidate_at_video_res=False, + ): + """ + Consolidate the per-object temporary outputs in `temp_output_dict_per_obj` on + a frame into a single output for all objects, including + 1) fill any missing objects either from `output_dict_per_obj` (if they exist in + `output_dict_per_obj` for this frame) or leave them as placeholder values + (if they don't exist in `output_dict_per_obj` for this frame); + 2) if specified, rerun memory encoder after apply non-overlapping constraints + on the object scores. + """ + batch_size = self._get_obj_num(inference_state) + storage_key = "cond_frame_outputs" if is_cond else "non_cond_frame_outputs" + # Optionally, we allow consolidating the temporary outputs at the original + # video resolution (to provide a better editing experience for mask prompts). + if consolidate_at_video_res: + assert not run_mem_encoder, "memory encoder cannot run at video resolution" + consolidated_H = inference_state["video_height"] + consolidated_W = inference_state["video_width"] + consolidated_mask_key = "pred_masks_video_res" + else: + consolidated_H = consolidated_W = self.image_size // 4 + consolidated_mask_key = "pred_masks" + + # Initialize `consolidated_out`. Its "maskmem_features" and "maskmem_pos_enc" + # will be added when rerunning the memory encoder after applying non-overlapping + # constraints to object scores. Its "pred_masks" are prefilled with a large + # negative value (NO_OBJ_SCORE) to represent missing objects. + consolidated_out = { + "maskmem_features": None, + "maskmem_pos_enc": None, + consolidated_mask_key: torch.full( + size=(batch_size, 1, consolidated_H, consolidated_W), + fill_value=NO_OBJ_SCORE, + dtype=torch.float32, + device=inference_state["storage_device"], + ), + "obj_ptr": torch.full( + size=(batch_size, self.hidden_dim), + fill_value=NO_OBJ_SCORE, + dtype=torch.float32, + device=inference_state["device"], + ), + "object_score_logits": torch.full( + size=(batch_size, 1), + # default to 10.0 for object_score_logits, i.e. assuming the object is + # present as sigmoid(10)=1, same as in `predict_masks` of `MaskDecoder` + fill_value=10.0, + dtype=torch.float32, + device=inference_state["device"], + ), + } + empty_mask_ptr = None + for obj_idx in range(batch_size): + obj_temp_output_dict = inference_state["temp_output_dict_per_obj"][obj_idx] + obj_output_dict = inference_state["output_dict_per_obj"][obj_idx] + out = obj_temp_output_dict[storage_key].get(frame_idx, None) + # If the object doesn't appear in "temp_output_dict_per_obj" on this frame, + # we fall back and look up its previous output in "output_dict_per_obj". + # We look up both "cond_frame_outputs" and "non_cond_frame_outputs" in + # "output_dict_per_obj" to find a previous output for this object. + if out is None: + out = obj_output_dict["cond_frame_outputs"].get(frame_idx, None) + if out is None: + out = obj_output_dict["non_cond_frame_outputs"].get(frame_idx, None) + # If the object doesn't appear in "output_dict_per_obj" either, we skip it + # and leave its mask scores to the default scores (i.e. the NO_OBJ_SCORE + # placeholder above) and set its object pointer to be a dummy pointer. + if out is None: + # Fill in dummy object pointers for those objects without any inputs or + # tracking outcomes on this frame (only do it under `run_mem_encoder=True`, + # i.e. when we need to build the memory for tracking). + if run_mem_encoder: + if empty_mask_ptr is None: + empty_mask_ptr = self._get_empty_mask_ptr( + inference_state, frame_idx + ) + # fill object pointer with a dummy pointer (based on an empty mask) + consolidated_out["obj_ptr"][obj_idx : obj_idx + 1] = empty_mask_ptr + continue + # Add the temporary object output mask to consolidated output mask + obj_mask = out["pred_masks"] + consolidated_pred_masks = consolidated_out[consolidated_mask_key] + if obj_mask.shape[-2:] == consolidated_pred_masks.shape[-2:]: + consolidated_pred_masks[obj_idx : obj_idx + 1] = obj_mask + else: + # Resize first if temporary object mask has a different resolution + resized_obj_mask = torch.nn.functional.interpolate( + obj_mask, + size=consolidated_pred_masks.shape[-2:], + mode="bilinear", + align_corners=False, + ) + consolidated_pred_masks[obj_idx : obj_idx + 1] = resized_obj_mask + consolidated_out["obj_ptr"][obj_idx : obj_idx + 1] = out["obj_ptr"] + consolidated_out["object_score_logits"][obj_idx : obj_idx + 1] = out[ + "object_score_logits" + ] + + # Optionally, apply non-overlapping constraints on the consolidated scores + # and rerun the memory encoder + if run_mem_encoder: + device = inference_state["device"] + high_res_masks = torch.nn.functional.interpolate( + consolidated_out["pred_masks"].to(device, non_blocking=True), + size=(self.image_size, self.image_size), + mode="bilinear", + align_corners=False, + ) + if self.non_overlap_masks_for_mem_enc: + high_res_masks = self._apply_non_overlapping_constraints(high_res_masks) + maskmem_features, maskmem_pos_enc = self._run_memory_encoder( + inference_state=inference_state, + frame_idx=frame_idx, + batch_size=batch_size, + high_res_masks=high_res_masks, + object_score_logits=consolidated_out["object_score_logits"], + is_mask_from_pts=True, # these frames are what the user interacted with + ) + consolidated_out["maskmem_features"] = maskmem_features + consolidated_out["maskmem_pos_enc"] = maskmem_pos_enc + + return consolidated_out + + def _get_empty_mask_ptr(self, inference_state, frame_idx): + """Get a dummy object pointer based on an empty mask on the current frame.""" + # A dummy (empty) mask with a single object + batch_size = 1 + mask_inputs = torch.zeros( + (batch_size, 1, self.image_size, self.image_size), + dtype=torch.float32, + device=inference_state["device"], + ) + + # Retrieve correct image features + ( + _, + _, + current_vision_feats, + current_vision_pos_embeds, + feat_sizes, + ) = self._get_image_feature(inference_state, frame_idx, batch_size) + + # Feed the empty mask and image feature above to get a dummy object pointer + current_out = self.track_step( + frame_idx=frame_idx, + is_init_cond_frame=True, + current_vision_feats=current_vision_feats, + current_vision_pos_embeds=current_vision_pos_embeds, + feat_sizes=feat_sizes, + point_inputs=None, + mask_inputs=mask_inputs, + output_dict={}, + num_frames=inference_state["num_frames"], + track_in_reverse=False, + run_mem_encoder=False, + prev_sam_mask_logits=None, + ) + return current_out["obj_ptr"] + + @torch.inference_mode() + def propagate_in_video_preflight(self, inference_state): + """Prepare inference_state and consolidate temporary outputs before tracking.""" + # Tracking has started and we don't allow adding new objects until session is reset. + inference_state["tracking_has_started"] = True + batch_size = self._get_obj_num(inference_state) + + # Consolidate per-object temporary outputs in "temp_output_dict_per_obj" and + # add them into "output_dict". + temp_output_dict_per_obj = inference_state["temp_output_dict_per_obj"] + output_dict = inference_state["output_dict"] + # "consolidated_frame_inds" contains indices of those frames where consolidated + # temporary outputs have been added (either in this call or any previous calls + # to `propagate_in_video_preflight`). + consolidated_frame_inds = inference_state["consolidated_frame_inds"] + for is_cond in [False, True]: + # Separately consolidate conditioning and non-conditioning temp outputs + storage_key = "cond_frame_outputs" if is_cond else "non_cond_frame_outputs" + # Find all the frames that contain temporary outputs for any objects + # (these should be the frames that have just received clicks for mask inputs + # via `add_new_points_or_box` or `add_new_mask`) + temp_frame_inds = set() + for obj_temp_output_dict in temp_output_dict_per_obj.values(): + temp_frame_inds.update(obj_temp_output_dict[storage_key].keys()) + consolidated_frame_inds[storage_key].update(temp_frame_inds) + # consolidate the temporary output across all objects on this frame + for frame_idx in temp_frame_inds: + consolidated_out = self._consolidate_temp_output_across_obj( + inference_state, frame_idx, is_cond=is_cond, run_mem_encoder=True + ) + # merge them into "output_dict" and also create per-object slices + output_dict[storage_key][frame_idx] = consolidated_out + self._add_output_per_object( + inference_state, frame_idx, consolidated_out, storage_key + ) + clear_non_cond_mem = self.clear_non_cond_mem_around_input and ( + self.clear_non_cond_mem_for_multi_obj or batch_size <= 1 + ) + if clear_non_cond_mem: + # clear non-conditioning memory of the surrounding frames + self._clear_non_cond_mem_around_input(inference_state, frame_idx) + + # clear temporary outputs in `temp_output_dict_per_obj` + for obj_temp_output_dict in temp_output_dict_per_obj.values(): + obj_temp_output_dict[storage_key].clear() + + # edge case: if an output is added to "cond_frame_outputs", we remove any prior + # output on the same frame in "non_cond_frame_outputs" + for frame_idx in output_dict["cond_frame_outputs"]: + output_dict["non_cond_frame_outputs"].pop(frame_idx, None) + for obj_output_dict in inference_state["output_dict_per_obj"].values(): + for frame_idx in obj_output_dict["cond_frame_outputs"]: + obj_output_dict["non_cond_frame_outputs"].pop(frame_idx, None) + for frame_idx in consolidated_frame_inds["cond_frame_outputs"]: + assert frame_idx in output_dict["cond_frame_outputs"] + consolidated_frame_inds["non_cond_frame_outputs"].discard(frame_idx) + + # Make sure that the frame indices in "consolidated_frame_inds" are exactly those frames + # with either points or mask inputs (which should be true under a correct workflow). + all_consolidated_frame_inds = ( + consolidated_frame_inds["cond_frame_outputs"] + | consolidated_frame_inds["non_cond_frame_outputs"] + ) + input_frames_inds = set() + for point_inputs_per_frame in inference_state["point_inputs_per_obj"].values(): + input_frames_inds.update(point_inputs_per_frame.keys()) + for mask_inputs_per_frame in inference_state["mask_inputs_per_obj"].values(): + input_frames_inds.update(mask_inputs_per_frame.keys()) + assert all_consolidated_frame_inds == input_frames_inds + + @torch.inference_mode() + def propagate_in_video( + self, + inference_state, + start_frame_idx=None, + max_frame_num_to_track=None, + reverse=False, + ): + """Propagate the input points across frames to track in the entire video.""" + self.propagate_in_video_preflight(inference_state) + + output_dict = inference_state["output_dict"] + consolidated_frame_inds = inference_state["consolidated_frame_inds"] + obj_ids = inference_state["obj_ids"] + num_frames = inference_state["num_frames"] + batch_size = self._get_obj_num(inference_state) + if len(output_dict["cond_frame_outputs"]) == 0: + raise RuntimeError("No points are provided; please add points first") + clear_non_cond_mem = self.clear_non_cond_mem_around_input and ( + self.clear_non_cond_mem_for_multi_obj or batch_size <= 1 + ) + + # set start index, end index, and processing order + if start_frame_idx is None: + # default: start from the earliest frame with input points + start_frame_idx = min(output_dict["cond_frame_outputs"]) + if max_frame_num_to_track is None: + # default: track all the frames in the video + max_frame_num_to_track = num_frames + if reverse: + end_frame_idx = max(start_frame_idx - max_frame_num_to_track, 0) + if start_frame_idx > 0: + processing_order = range(start_frame_idx, end_frame_idx - 1, -1) + else: + processing_order = [] # skip reverse tracking if starting from frame 0 + else: + end_frame_idx = min( + start_frame_idx + max_frame_num_to_track, num_frames - 1 + ) + processing_order = range(start_frame_idx, end_frame_idx + 1) + + for frame_idx in tqdm(processing_order, desc="propagate in video"): + # We skip those frames already in consolidated outputs (these are frames + # that received input clicks or mask). Note that we cannot directly run + # batched forward on them via `_run_single_frame_inference` because the + # number of clicks on each object might be different. + if frame_idx in consolidated_frame_inds["cond_frame_outputs"]: + storage_key = "cond_frame_outputs" + current_out = output_dict[storage_key][frame_idx] + pred_masks = current_out["pred_masks"] + if clear_non_cond_mem: + # clear non-conditioning memory of the surrounding frames + self._clear_non_cond_mem_around_input(inference_state, frame_idx) + elif frame_idx in consolidated_frame_inds["non_cond_frame_outputs"]: + storage_key = "non_cond_frame_outputs" + current_out = output_dict[storage_key][frame_idx] + pred_masks = current_out["pred_masks"] + else: + storage_key = "non_cond_frame_outputs" + current_out, pred_masks = self._run_single_frame_inference( + inference_state=inference_state, + output_dict=output_dict, + frame_idx=frame_idx, + batch_size=batch_size, + is_init_cond_frame=False, + point_inputs=None, + mask_inputs=None, + reverse=reverse, + run_mem_encoder=True, + ) + output_dict[storage_key][frame_idx] = current_out + # Create slices of per-object outputs for subsequent interaction with each + # individual object after tracking. + self._add_output_per_object( + inference_state, frame_idx, current_out, storage_key + ) + inference_state["frames_already_tracked"][frame_idx] = {"reverse": reverse} + + # Resize the output mask to the original video resolution (we directly use + # the mask scores on GPU for output to avoid any CPU conversion in between) + _, video_res_masks = self._get_orig_video_res_output( + inference_state, pred_masks + ) + yield frame_idx, obj_ids, video_res_masks + + def _add_output_per_object( + self, inference_state, frame_idx, current_out, storage_key + ): + """ + Split a multi-object output into per-object output slices and add them into + `output_dict_per_obj`. The resulting slices share the same tensor storage. + """ + maskmem_features = current_out["maskmem_features"] + assert maskmem_features is None or isinstance(maskmem_features, torch.Tensor) + + maskmem_pos_enc = current_out["maskmem_pos_enc"] + assert maskmem_pos_enc is None or isinstance(maskmem_pos_enc, list) + + output_dict_per_obj = inference_state["output_dict_per_obj"] + for obj_idx, obj_output_dict in output_dict_per_obj.items(): + obj_slice = slice(obj_idx, obj_idx + 1) + obj_out = { + "maskmem_features": None, + "maskmem_pos_enc": None, + "pred_masks": current_out["pred_masks"][obj_slice], + "obj_ptr": current_out["obj_ptr"][obj_slice], + "object_score_logits": current_out["object_score_logits"][obj_slice], + } + if maskmem_features is not None: + obj_out["maskmem_features"] = maskmem_features[obj_slice] + if maskmem_pos_enc is not None: + obj_out["maskmem_pos_enc"] = [x[obj_slice] for x in maskmem_pos_enc] + obj_output_dict[storage_key][frame_idx] = obj_out + + @torch.inference_mode() + def clear_all_prompts_in_frame( + self, inference_state, frame_idx, obj_id, need_output=True + ): + """Remove all input points or mask in a specific frame for a given object.""" + obj_idx = self._obj_id_to_idx(inference_state, obj_id) + + # Clear the conditioning information on the given frame + inference_state["point_inputs_per_obj"][obj_idx].pop(frame_idx, None) + inference_state["mask_inputs_per_obj"][obj_idx].pop(frame_idx, None) + + temp_output_dict_per_obj = inference_state["temp_output_dict_per_obj"] + temp_output_dict_per_obj[obj_idx]["cond_frame_outputs"].pop(frame_idx, None) + temp_output_dict_per_obj[obj_idx]["non_cond_frame_outputs"].pop(frame_idx, None) + + # Check and see if there are still any inputs left on this frame + batch_size = self._get_obj_num(inference_state) + frame_has_input = False + for obj_idx2 in range(batch_size): + if frame_idx in inference_state["point_inputs_per_obj"][obj_idx2]: + frame_has_input = True + break + if frame_idx in inference_state["mask_inputs_per_obj"][obj_idx2]: + frame_has_input = True + break + + # If this frame has no remaining inputs for any objects, we further clear its + # conditioning frame status + if not frame_has_input: + output_dict = inference_state["output_dict"] + consolidated_frame_inds = inference_state["consolidated_frame_inds"] + consolidated_frame_inds["cond_frame_outputs"].discard(frame_idx) + consolidated_frame_inds["non_cond_frame_outputs"].discard(frame_idx) + # Remove the frame's conditioning output (possibly downgrading it to non-conditioning) + out = output_dict["cond_frame_outputs"].pop(frame_idx, None) + if out is not None: + # The frame is not a conditioning frame anymore since it's not receiving inputs, + # so we "downgrade" its output (if exists) to a non-conditioning frame output. + output_dict["non_cond_frame_outputs"][frame_idx] = out + inference_state["frames_already_tracked"].pop(frame_idx, None) + # Similarly, do it for the sliced output on each object. + for obj_idx2 in range(batch_size): + obj_output_dict = inference_state["output_dict_per_obj"][obj_idx2] + obj_out = obj_output_dict["cond_frame_outputs"].pop(frame_idx, None) + if obj_out is not None: + obj_output_dict["non_cond_frame_outputs"][frame_idx] = obj_out + + # If all the conditioning frames have been removed, we also clear the tracking outputs + if len(output_dict["cond_frame_outputs"]) == 0: + self._reset_tracking_results(inference_state) + + if not need_output: + return + # Finally, output updated masks per object (after removing the inputs above) + obj_ids = inference_state["obj_ids"] + is_cond = any( + frame_idx in obj_temp_output_dict["cond_frame_outputs"] + for obj_temp_output_dict in temp_output_dict_per_obj.values() + ) + consolidated_out = self._consolidate_temp_output_across_obj( + inference_state, + frame_idx, + is_cond=is_cond, + run_mem_encoder=False, + consolidate_at_video_res=True, + ) + _, video_res_masks = self._get_orig_video_res_output( + inference_state, consolidated_out["pred_masks_video_res"] + ) + return frame_idx, obj_ids, video_res_masks + + @torch.inference_mode() + def reset_state(self, inference_state): + """Remove all input points or mask in all frames throughout the video.""" + self._reset_tracking_results(inference_state) + # Remove all object ids + inference_state["obj_id_to_idx"].clear() + inference_state["obj_idx_to_id"].clear() + inference_state["obj_ids"].clear() + inference_state["point_inputs_per_obj"].clear() + inference_state["mask_inputs_per_obj"].clear() + inference_state["output_dict_per_obj"].clear() + inference_state["temp_output_dict_per_obj"].clear() + + def _reset_tracking_results(self, inference_state): + """Reset all tracking inputs and results across the videos.""" + for v in inference_state["point_inputs_per_obj"].values(): + v.clear() + for v in inference_state["mask_inputs_per_obj"].values(): + v.clear() + for v in inference_state["output_dict_per_obj"].values(): + v["cond_frame_outputs"].clear() + v["non_cond_frame_outputs"].clear() + for v in inference_state["temp_output_dict_per_obj"].values(): + v["cond_frame_outputs"].clear() + v["non_cond_frame_outputs"].clear() + inference_state["output_dict"]["cond_frame_outputs"].clear() + inference_state["output_dict"]["non_cond_frame_outputs"].clear() + inference_state["consolidated_frame_inds"]["cond_frame_outputs"].clear() + inference_state["consolidated_frame_inds"]["non_cond_frame_outputs"].clear() + inference_state["tracking_has_started"] = False + inference_state["frames_already_tracked"].clear() + + def _get_image_feature(self, inference_state, frame_idx, batch_size): + """Compute the image features on a given frame.""" + # Look up in the cache first + image, backbone_out = inference_state["cached_features"].get( + frame_idx, (None, None) + ) + if backbone_out is None: + # Cache miss -- we will run inference on a single image + device = inference_state["device"] + image = inference_state["images"][frame_idx].to(device).float().unsqueeze(0) + backbone_out = self.forward_image(image) + # Cache the most recent frame's feature (for repeated interactions with + # a frame; we can use an LRU cache for more frames in the future). + inference_state["cached_features"] = {frame_idx: (image, backbone_out)} + + # expand the features to have the same dimension as the number of objects + expanded_image = image.expand(batch_size, -1, -1, -1) + expanded_backbone_out = { + "backbone_fpn": backbone_out["backbone_fpn"].copy(), + "vision_pos_enc": backbone_out["vision_pos_enc"].copy(), + } + for i, feat in enumerate(expanded_backbone_out["backbone_fpn"]): + expanded_backbone_out["backbone_fpn"][i] = feat.expand( + batch_size, -1, -1, -1 + ) + for i, pos in enumerate(expanded_backbone_out["vision_pos_enc"]): + pos = pos.expand(batch_size, -1, -1, -1) + expanded_backbone_out["vision_pos_enc"][i] = pos + + features = self._prepare_backbone_features(expanded_backbone_out) + features = (expanded_image,) + features + return features + + def _run_single_frame_inference( + self, + inference_state, + output_dict, + frame_idx, + batch_size, + is_init_cond_frame, + point_inputs, + mask_inputs, + reverse, + run_mem_encoder, + prev_sam_mask_logits=None, + ): + """Run tracking on a single frame based on current inputs and previous memory.""" + # Retrieve correct image features + ( + _, + _, + current_vision_feats, + current_vision_pos_embeds, + feat_sizes, + ) = self._get_image_feature(inference_state, frame_idx, batch_size) + + # point and mask should not appear as input simultaneously on the same frame + assert point_inputs is None or mask_inputs is None + current_out = self.track_step( + frame_idx=frame_idx, + is_init_cond_frame=is_init_cond_frame, + current_vision_feats=current_vision_feats, + current_vision_pos_embeds=current_vision_pos_embeds, + feat_sizes=feat_sizes, + point_inputs=point_inputs, + mask_inputs=mask_inputs, + output_dict=output_dict, + num_frames=inference_state["num_frames"], + track_in_reverse=reverse, + run_mem_encoder=run_mem_encoder, + prev_sam_mask_logits=prev_sam_mask_logits, + ) + + # optionally offload the output to CPU memory to save GPU space + storage_device = inference_state["storage_device"] + maskmem_features = current_out["maskmem_features"] + if maskmem_features is not None: + maskmem_features = maskmem_features.to(torch.bfloat16) + maskmem_features = maskmem_features.to(storage_device, non_blocking=True) + pred_masks_gpu = current_out["pred_masks"] + # potentially fill holes in the predicted masks + if self.fill_hole_area > 0: + pred_masks_gpu = fill_holes_in_mask_scores( + pred_masks_gpu, self.fill_hole_area + ) + pred_masks = pred_masks_gpu.to(storage_device, non_blocking=True) + # "maskmem_pos_enc" is the same across frames, so we only need to store one copy of it + maskmem_pos_enc = self._get_maskmem_pos_enc(inference_state, current_out) + # object pointer is a small tensor, so we always keep it on GPU memory for fast access + obj_ptr = current_out["obj_ptr"] + object_score_logits = current_out["object_score_logits"] + # make a compact version of this frame's output to reduce the state size + compact_current_out = { + "maskmem_features": maskmem_features, + "maskmem_pos_enc": maskmem_pos_enc, + "pred_masks": pred_masks, + "obj_ptr": obj_ptr, + "object_score_logits": object_score_logits, + } + return compact_current_out, pred_masks_gpu + + def _run_memory_encoder( + self, + inference_state, + frame_idx, + batch_size, + high_res_masks, + object_score_logits, + is_mask_from_pts, + ): + """ + Run the memory encoder on `high_res_masks`. This is usually after applying + non-overlapping constraints to object scores. Since their scores changed, their + memory also need to be computed again with the memory encoder. + """ + # Retrieve correct image features + _, _, current_vision_feats, _, feat_sizes = self._get_image_feature( + inference_state, frame_idx, batch_size + ) + maskmem_features, maskmem_pos_enc = self._encode_new_memory( + current_vision_feats=current_vision_feats, + feat_sizes=feat_sizes, + pred_masks_high_res=high_res_masks, + object_score_logits=object_score_logits, + is_mask_from_pts=is_mask_from_pts, + ) + + # optionally offload the output to CPU memory to save GPU space + storage_device = inference_state["storage_device"] + maskmem_features = maskmem_features.to(torch.bfloat16) + maskmem_features = maskmem_features.to(storage_device, non_blocking=True) + # "maskmem_pos_enc" is the same across frames, so we only need to store one copy of it + maskmem_pos_enc = self._get_maskmem_pos_enc( + inference_state, {"maskmem_pos_enc": maskmem_pos_enc} + ) + return maskmem_features, maskmem_pos_enc + + def _get_maskmem_pos_enc(self, inference_state, current_out): + """ + `maskmem_pos_enc` is the same across frames and objects, so we cache it as + a constant in the inference session to reduce session storage size. + """ + model_constants = inference_state["constants"] + # "out_maskmem_pos_enc" should be either a list of tensors or None + out_maskmem_pos_enc = current_out["maskmem_pos_enc"] + if out_maskmem_pos_enc is not None: + if "maskmem_pos_enc" not in model_constants: + assert isinstance(out_maskmem_pos_enc, list) + # only take the slice for one object, since it's same across objects + maskmem_pos_enc = [x[0:1].clone() for x in out_maskmem_pos_enc] + model_constants["maskmem_pos_enc"] = maskmem_pos_enc + else: + maskmem_pos_enc = model_constants["maskmem_pos_enc"] + # expand the cached maskmem_pos_enc to the actual batch size + batch_size = out_maskmem_pos_enc[0].size(0) + expanded_maskmem_pos_enc = [ + x.expand(batch_size, -1, -1, -1) for x in maskmem_pos_enc + ] + else: + expanded_maskmem_pos_enc = None + return expanded_maskmem_pos_enc + + @torch.inference_mode() + def remove_object(self, inference_state, obj_id, strict=False, need_output=True): + """ + Remove an object id from the tracking state. If strict is True, we check whether + the object id actually exists and raise an error if it doesn't exist. + """ + old_obj_idx_to_rm = inference_state["obj_id_to_idx"].get(obj_id, None) + updated_frames = [] + # Check whether this object_id to remove actually exists and possibly raise an error. + if old_obj_idx_to_rm is None: + if not strict: + return inference_state["obj_ids"], updated_frames + raise RuntimeError( + f"Cannot remove object id {obj_id} as it doesn't exist. " + f"All existing object ids: {inference_state['obj_ids']}." + ) + + # If this is the only remaining object id, we simply reset the state. + if len(inference_state["obj_id_to_idx"]) == 1: + self.reset_state(inference_state) + return inference_state["obj_ids"], updated_frames + + # There are still remaining objects after removing this object id. In this case, + # we need to delete the object storage from inference state tensors. + # Step 0: clear the input on those frames where this object id has point or mask input + # (note that this step is required as it might downgrade conditioning frames to + # non-conditioning ones) + obj_input_frames_inds = set() + obj_input_frames_inds.update( + inference_state["point_inputs_per_obj"][old_obj_idx_to_rm] + ) + obj_input_frames_inds.update( + inference_state["mask_inputs_per_obj"][old_obj_idx_to_rm] + ) + for frame_idx in obj_input_frames_inds: + self.clear_all_prompts_in_frame( + inference_state, frame_idx, obj_id, need_output=False + ) + + # Step 1: Update the object id mapping (note that it must be done after Step 0, + # since Step 0 still requires the old object id mappings in inference_state) + old_obj_ids = inference_state["obj_ids"] + old_obj_inds = list(range(len(old_obj_ids))) + remain_old_obj_inds = old_obj_inds.copy() + remain_old_obj_inds.remove(old_obj_idx_to_rm) + new_obj_ids = [old_obj_ids[old_idx] for old_idx in remain_old_obj_inds] + new_obj_inds = list(range(len(new_obj_ids))) + # build new mappings + old_idx_to_new_idx = dict(zip(remain_old_obj_inds, new_obj_inds)) + inference_state["obj_id_to_idx"] = dict(zip(new_obj_ids, new_obj_inds)) + inference_state["obj_idx_to_id"] = dict(zip(new_obj_inds, new_obj_ids)) + inference_state["obj_ids"] = new_obj_ids + + # Step 2: For per-object tensor storage, we shift their obj_idx in the dict keys. + # (note that "consolidated_frame_inds" doesn't need to be updated in this step as + # it's already handled in Step 0) + def _map_keys(container): + new_kvs = [] + for k in old_obj_inds: + v = container.pop(k) + if k in old_idx_to_new_idx: + new_kvs.append((old_idx_to_new_idx[k], v)) + container.update(new_kvs) + + _map_keys(inference_state["point_inputs_per_obj"]) + _map_keys(inference_state["mask_inputs_per_obj"]) + _map_keys(inference_state["output_dict_per_obj"]) + _map_keys(inference_state["temp_output_dict_per_obj"]) + + # Step 3: For packed tensor storage, we index the remaining ids and rebuild the per-object slices. + def _slice_state(output_dict, storage_key): + for frame_idx, out in output_dict[storage_key].items(): + out["maskmem_features"] = out["maskmem_features"][remain_old_obj_inds] + out["maskmem_pos_enc"] = [ + x[remain_old_obj_inds] for x in out["maskmem_pos_enc"] + ] + # "maskmem_pos_enc" is the same across frames, so we only need to store one copy of it + out["maskmem_pos_enc"] = self._get_maskmem_pos_enc(inference_state, out) + out["pred_masks"] = out["pred_masks"][remain_old_obj_inds] + out["obj_ptr"] = out["obj_ptr"][remain_old_obj_inds] + out["object_score_logits"] = out["object_score_logits"][ + remain_old_obj_inds + ] + # also update the per-object slices + self._add_output_per_object( + inference_state, frame_idx, out, storage_key + ) + + _slice_state(inference_state["output_dict"], "cond_frame_outputs") + _slice_state(inference_state["output_dict"], "non_cond_frame_outputs") + + # Step 4: Further collect the outputs on those frames in `obj_input_frames_inds`, which + # could show an updated mask for objects previously occluded by the object being removed + if need_output: + temp_output_dict_per_obj = inference_state["temp_output_dict_per_obj"] + for frame_idx in obj_input_frames_inds: + is_cond = any( + frame_idx in obj_temp_output_dict["cond_frame_outputs"] + for obj_temp_output_dict in temp_output_dict_per_obj.values() + ) + consolidated_out = self._consolidate_temp_output_across_obj( + inference_state, + frame_idx, + is_cond=is_cond, + run_mem_encoder=False, + consolidate_at_video_res=True, + ) + _, video_res_masks = self._get_orig_video_res_output( + inference_state, consolidated_out["pred_masks_video_res"] + ) + updated_frames.append((frame_idx, video_res_masks)) + + return inference_state["obj_ids"], updated_frames + + def _clear_non_cond_mem_around_input(self, inference_state, frame_idx): + """ + Remove the non-conditioning memory around the input frame. When users provide + correction clicks, the surrounding frames' non-conditioning memories can still + contain outdated object appearance information and could confuse the model. + + This method clears those non-conditioning memories surrounding the interacted + frame to avoid giving the model both old and new information about the object. + """ + r = self.memory_temporal_stride_for_eval + frame_idx_begin = frame_idx - r * self.num_maskmem + frame_idx_end = frame_idx + r * self.num_maskmem + output_dict = inference_state["output_dict"] + non_cond_frame_outputs = output_dict["non_cond_frame_outputs"] + for t in range(frame_idx_begin, frame_idx_end + 1): + non_cond_frame_outputs.pop(t, None) + for obj_output_dict in inference_state["output_dict_per_obj"].values(): + obj_output_dict["non_cond_frame_outputs"].pop(t, None) diff --git a/sam2/utils/__init__.py b/sam2/utils/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..5277f46157403e47fd830fc519144b97ef69d4ae --- /dev/null +++ b/sam2/utils/__init__.py @@ -0,0 +1,5 @@ +# Copyright (c) Meta Platforms, Inc. and affiliates. +# All rights reserved. + +# This source code is licensed under the license found in the +# LICENSE file in the root directory of this source tree. diff --git a/sam2/utils/amg.py b/sam2/utils/amg.py new file mode 100644 index 0000000000000000000000000000000000000000..986842960cf5deca00614b7b1cde1ab77dad7e6e --- /dev/null +++ b/sam2/utils/amg.py @@ -0,0 +1,348 @@ +# Copyright (c) Meta Platforms, Inc. and affiliates. +# All rights reserved. + +# This source code is licensed under the license found in the +# LICENSE file in the root directory of this source tree. + +import math +from copy import deepcopy +from itertools import product +from typing import Any, Dict, Generator, ItemsView, List, Tuple + +import numpy as np +import torch + +# Very lightly adapted from https://github.com/facebookresearch/segment-anything/blob/main/segment_anything/utils/amg.py + + +class MaskData: + """ + A structure for storing masks and their related data in batched format. + Implements basic filtering and concatenation. + """ + + def __init__(self, **kwargs) -> None: + for v in kwargs.values(): + assert isinstance( + v, (list, np.ndarray, torch.Tensor) + ), "MaskData only supports list, numpy arrays, and torch tensors." + self._stats = dict(**kwargs) + + def __setitem__(self, key: str, item: Any) -> None: + assert isinstance( + item, (list, np.ndarray, torch.Tensor) + ), "MaskData only supports list, numpy arrays, and torch tensors." + self._stats[key] = item + + def __delitem__(self, key: str) -> None: + del self._stats[key] + + def __getitem__(self, key: str) -> Any: + return self._stats[key] + + def items(self) -> ItemsView[str, Any]: + return self._stats.items() + + def filter(self, keep: torch.Tensor) -> None: + for k, v in self._stats.items(): + if v is None: + self._stats[k] = None + elif isinstance(v, torch.Tensor): + self._stats[k] = v[torch.as_tensor(keep, device=v.device)] + elif isinstance(v, np.ndarray): + self._stats[k] = v[keep.detach().cpu().numpy()] + elif isinstance(v, list) and keep.dtype == torch.bool: + self._stats[k] = [a for i, a in enumerate(v) if keep[i]] + elif isinstance(v, list): + self._stats[k] = [v[i] for i in keep] + else: + raise TypeError(f"MaskData key {k} has an unsupported type {type(v)}.") + + def cat(self, new_stats: "MaskData") -> None: + for k, v in new_stats.items(): + if k not in self._stats or self._stats[k] is None: + self._stats[k] = deepcopy(v) + elif isinstance(v, torch.Tensor): + self._stats[k] = torch.cat([self._stats[k], v], dim=0) + elif isinstance(v, np.ndarray): + self._stats[k] = np.concatenate([self._stats[k], v], axis=0) + elif isinstance(v, list): + self._stats[k] = self._stats[k] + deepcopy(v) + else: + raise TypeError(f"MaskData key {k} has an unsupported type {type(v)}.") + + def to_numpy(self) -> None: + for k, v in self._stats.items(): + if isinstance(v, torch.Tensor): + self._stats[k] = v.float().detach().cpu().numpy() + + +def is_box_near_crop_edge( + boxes: torch.Tensor, crop_box: List[int], orig_box: List[int], atol: float = 20.0 +) -> torch.Tensor: + """Filter masks at the edge of a crop, but not at the edge of the original image.""" + crop_box_torch = torch.as_tensor(crop_box, dtype=torch.float, device=boxes.device) + orig_box_torch = torch.as_tensor(orig_box, dtype=torch.float, device=boxes.device) + boxes = uncrop_boxes_xyxy(boxes, crop_box).float() + near_crop_edge = torch.isclose(boxes, crop_box_torch[None, :], atol=atol, rtol=0) + near_image_edge = torch.isclose(boxes, orig_box_torch[None, :], atol=atol, rtol=0) + near_crop_edge = torch.logical_and(near_crop_edge, ~near_image_edge) + return torch.any(near_crop_edge, dim=1) + + +def box_xyxy_to_xywh(box_xyxy: torch.Tensor) -> torch.Tensor: + box_xywh = deepcopy(box_xyxy) + box_xywh[2] = box_xywh[2] - box_xywh[0] + box_xywh[3] = box_xywh[3] - box_xywh[1] + return box_xywh + + +def batch_iterator(batch_size: int, *args) -> Generator[List[Any], None, None]: + assert len(args) > 0 and all( + len(a) == len(args[0]) for a in args + ), "Batched iteration must have inputs of all the same size." + n_batches = len(args[0]) // batch_size + int(len(args[0]) % batch_size != 0) + for b in range(n_batches): + yield [arg[b * batch_size : (b + 1) * batch_size] for arg in args] + + +def mask_to_rle_pytorch(tensor: torch.Tensor) -> List[Dict[str, Any]]: + """ + Encodes masks to an uncompressed RLE, in the format expected by + pycoco tools. + """ + # Put in fortran order and flatten h,w + b, h, w = tensor.shape + tensor = tensor.permute(0, 2, 1).flatten(1) + + # Compute change indices + diff = tensor[:, 1:] ^ tensor[:, :-1] + change_indices = diff.nonzero() + + # Encode run length + out = [] + for i in range(b): + cur_idxs = change_indices[change_indices[:, 0] == i, 1] + cur_idxs = torch.cat( + [ + torch.tensor([0], dtype=cur_idxs.dtype, device=cur_idxs.device), + cur_idxs + 1, + torch.tensor([h * w], dtype=cur_idxs.dtype, device=cur_idxs.device), + ] + ) + btw_idxs = cur_idxs[1:] - cur_idxs[:-1] + counts = [] if tensor[i, 0] == 0 else [0] + counts.extend(btw_idxs.detach().cpu().tolist()) + out.append({"size": [h, w], "counts": counts}) + return out + + +def rle_to_mask(rle: Dict[str, Any]) -> np.ndarray: + """Compute a binary mask from an uncompressed RLE.""" + h, w = rle["size"] + mask = np.empty(h * w, dtype=bool) + idx = 0 + parity = False + for count in rle["counts"]: + mask[idx : idx + count] = parity + idx += count + parity ^= True + mask = mask.reshape(w, h) + return mask.transpose() # Put in C order + + +def area_from_rle(rle: Dict[str, Any]) -> int: + return sum(rle["counts"][1::2]) + + +def calculate_stability_score( + masks: torch.Tensor, mask_threshold: float, threshold_offset: float +) -> torch.Tensor: + """ + Computes the stability score for a batch of masks. The stability + score is the IoU between the binary masks obtained by thresholding + the predicted mask logits at high and low values. + """ + # One mask is always contained inside the other. + # Save memory by preventing unnecessary cast to torch.int64 + intersections = ( + (masks > (mask_threshold + threshold_offset)) + .sum(-1, dtype=torch.int16) + .sum(-1, dtype=torch.int32) + ) + unions = ( + (masks > (mask_threshold - threshold_offset)) + .sum(-1, dtype=torch.int16) + .sum(-1, dtype=torch.int32) + ) + return intersections / unions + + +def build_point_grid(n_per_side: int) -> np.ndarray: + """Generates a 2D grid of points evenly spaced in [0,1]x[0,1].""" + offset = 1 / (2 * n_per_side) + points_one_side = np.linspace(offset, 1 - offset, n_per_side) + points_x = np.tile(points_one_side[None, :], (n_per_side, 1)) + points_y = np.tile(points_one_side[:, None], (1, n_per_side)) + points = np.stack([points_x, points_y], axis=-1).reshape(-1, 2) + return points + + +def build_all_layer_point_grids( + n_per_side: int, n_layers: int, scale_per_layer: int +) -> List[np.ndarray]: + """Generates point grids for all crop layers.""" + points_by_layer = [] + for i in range(n_layers + 1): + n_points = int(n_per_side / (scale_per_layer**i)) + points_by_layer.append(build_point_grid(n_points)) + return points_by_layer + + +def generate_crop_boxes( + im_size: Tuple[int, ...], n_layers: int, overlap_ratio: float +) -> Tuple[List[List[int]], List[int]]: + """ + Generates a list of crop boxes of different sizes. Each layer + has (2**i)**2 boxes for the ith layer. + """ + crop_boxes, layer_idxs = [], [] + im_h, im_w = im_size + short_side = min(im_h, im_w) + + # Original image + crop_boxes.append([0, 0, im_w, im_h]) + layer_idxs.append(0) + + def crop_len(orig_len, n_crops, overlap): + return int(math.ceil((overlap * (n_crops - 1) + orig_len) / n_crops)) + + for i_layer in range(n_layers): + n_crops_per_side = 2 ** (i_layer + 1) + overlap = int(overlap_ratio * short_side * (2 / n_crops_per_side)) + + crop_w = crop_len(im_w, n_crops_per_side, overlap) + crop_h = crop_len(im_h, n_crops_per_side, overlap) + + crop_box_x0 = [int((crop_w - overlap) * i) for i in range(n_crops_per_side)] + crop_box_y0 = [int((crop_h - overlap) * i) for i in range(n_crops_per_side)] + + # Crops in XYWH format + for x0, y0 in product(crop_box_x0, crop_box_y0): + box = [x0, y0, min(x0 + crop_w, im_w), min(y0 + crop_h, im_h)] + crop_boxes.append(box) + layer_idxs.append(i_layer + 1) + + return crop_boxes, layer_idxs + + +def uncrop_boxes_xyxy(boxes: torch.Tensor, crop_box: List[int]) -> torch.Tensor: + x0, y0, _, _ = crop_box + offset = torch.tensor([[x0, y0, x0, y0]], device=boxes.device) + # Check if boxes has a channel dimension + if len(boxes.shape) == 3: + offset = offset.unsqueeze(1) + return boxes + offset + + +def uncrop_points(points: torch.Tensor, crop_box: List[int]) -> torch.Tensor: + x0, y0, _, _ = crop_box + offset = torch.tensor([[x0, y0]], device=points.device) + # Check if points has a channel dimension + if len(points.shape) == 3: + offset = offset.unsqueeze(1) + return points + offset + + +def uncrop_masks( + masks: torch.Tensor, crop_box: List[int], orig_h: int, orig_w: int +) -> torch.Tensor: + x0, y0, x1, y1 = crop_box + if x0 == 0 and y0 == 0 and x1 == orig_w and y1 == orig_h: + return masks + # Coordinate transform masks + pad_x, pad_y = orig_w - (x1 - x0), orig_h - (y1 - y0) + pad = (x0, pad_x - x0, y0, pad_y - y0) + return torch.nn.functional.pad(masks, pad, value=0) + + +def remove_small_regions( + mask: np.ndarray, area_thresh: float, mode: str +) -> Tuple[np.ndarray, bool]: + """ + Removes small disconnected regions and holes in a mask. Returns the + mask and an indicator of if the mask has been modified. + """ + import cv2 # type: ignore + + assert mode in ["holes", "islands"] + correct_holes = mode == "holes" + working_mask = (correct_holes ^ mask).astype(np.uint8) + n_labels, regions, stats, _ = cv2.connectedComponentsWithStats(working_mask, 8) + sizes = stats[:, -1][1:] # Row 0 is background label + small_regions = [i + 1 for i, s in enumerate(sizes) if s < area_thresh] + if len(small_regions) == 0: + return mask, False + fill_labels = [0] + small_regions + if not correct_holes: + fill_labels = [i for i in range(n_labels) if i not in fill_labels] + # If every region is below threshold, keep largest + if len(fill_labels) == 0: + fill_labels = [int(np.argmax(sizes)) + 1] + mask = np.isin(regions, fill_labels) + return mask, True + + +def coco_encode_rle(uncompressed_rle: Dict[str, Any]) -> Dict[str, Any]: + from pycocotools import mask as mask_utils # type: ignore + + h, w = uncompressed_rle["size"] + rle = mask_utils.frPyObjects(uncompressed_rle, h, w) + rle["counts"] = rle["counts"].decode("utf-8") # Necessary to serialize with json + return rle + + +def batched_mask_to_box(masks: torch.Tensor) -> torch.Tensor: + """ + Calculates boxes in XYXY format around masks. Return [0,0,0,0] for + an empty mask. For input shape C1xC2x...xHxW, the output shape is C1xC2x...x4. + """ + # torch.max below raises an error on empty inputs, just skip in this case + if torch.numel(masks) == 0: + return torch.zeros(*masks.shape[:-2], 4, device=masks.device) + + # Normalize shape to CxHxW + shape = masks.shape + h, w = shape[-2:] + if len(shape) > 2: + masks = masks.flatten(0, -3) + else: + masks = masks.unsqueeze(0) + + # Get top and bottom edges + in_height, _ = torch.max(masks, dim=-1) + in_height_coords = in_height * torch.arange(h, device=in_height.device)[None, :] + bottom_edges, _ = torch.max(in_height_coords, dim=-1) + in_height_coords = in_height_coords + h * (~in_height) + top_edges, _ = torch.min(in_height_coords, dim=-1) + + # Get left and right edges + in_width, _ = torch.max(masks, dim=-2) + in_width_coords = in_width * torch.arange(w, device=in_width.device)[None, :] + right_edges, _ = torch.max(in_width_coords, dim=-1) + in_width_coords = in_width_coords + w * (~in_width) + left_edges, _ = torch.min(in_width_coords, dim=-1) + + # If the mask is empty the right edge will be to the left of the left edge. + # Replace these boxes with [0, 0, 0, 0] + empty_filter = (right_edges < left_edges) | (bottom_edges < top_edges) + out = torch.stack([left_edges, top_edges, right_edges, bottom_edges], dim=-1) + out = out * (~empty_filter).unsqueeze(-1) + + # Return to original shape + if len(shape) > 2: + out = out.reshape(*shape[:-2], 4) + else: + out = out[0] + + return out diff --git a/sam2/utils/misc.py b/sam2/utils/misc.py new file mode 100644 index 0000000000000000000000000000000000000000..b65ee825732ff85137805be650edd4cbe8e6f6d4 --- /dev/null +++ b/sam2/utils/misc.py @@ -0,0 +1,349 @@ +# Copyright (c) Meta Platforms, Inc. and affiliates. +# All rights reserved. + +# This source code is licensed under the license found in the +# LICENSE file in the root directory of this source tree. + +import os +import warnings +from threading import Thread + +import numpy as np +import torch +from PIL import Image +from tqdm import tqdm + + +def get_sdpa_settings(): + if torch.cuda.is_available(): + old_gpu = torch.cuda.get_device_properties(0).major < 7 + # only use Flash Attention on Ampere (8.0) or newer GPUs + use_flash_attn = torch.cuda.get_device_properties(0).major >= 8 + if not use_flash_attn: + warnings.warn( + "Flash Attention is disabled as it requires a GPU with Ampere (8.0) CUDA capability.", + category=UserWarning, + stacklevel=2, + ) + # keep math kernel for PyTorch versions before 2.2 (Flash Attention v2 is only + # available on PyTorch 2.2+, while Flash Attention v1 cannot handle all cases) + pytorch_version = tuple(int(v) for v in torch.__version__.split(".")[:2]) + if pytorch_version < (2, 2): + warnings.warn( + f"You are using PyTorch {torch.__version__} without Flash Attention v2 support. " + "Consider upgrading to PyTorch 2.2+ for Flash Attention v2 (which could be faster).", + category=UserWarning, + stacklevel=2, + ) + math_kernel_on = pytorch_version < (2, 2) or not use_flash_attn + else: + old_gpu = True + use_flash_attn = False + math_kernel_on = True + + return old_gpu, use_flash_attn, math_kernel_on + + +def get_connected_components(mask): + """ + Get the connected components (8-connectivity) of binary masks of shape (N, 1, H, W). + + Inputs: + - mask: A binary mask tensor of shape (N, 1, H, W), where 1 is foreground and 0 is + background. + + Outputs: + - labels: A tensor of shape (N, 1, H, W) containing the connected component labels + for foreground pixels and 0 for background pixels. + - counts: A tensor of shape (N, 1, H, W) containing the area of the connected + components for foreground pixels and 0 for background pixels. + """ + from sam2 import _C + + return _C.get_connected_componnets(mask.to(torch.uint8).contiguous()) + + +def mask_to_box(masks: torch.Tensor): + """ + compute bounding box given an input mask + + Inputs: + - masks: [B, 1, H, W] masks, dtype=torch.Tensor + + Returns: + - box_coords: [B, 1, 4], contains (x, y) coordinates of top left and bottom right box corners, dtype=torch.Tensor + """ + B, _, h, w = masks.shape + device = masks.device + xs = torch.arange(w, device=device, dtype=torch.int32) + ys = torch.arange(h, device=device, dtype=torch.int32) + grid_xs, grid_ys = torch.meshgrid(xs, ys, indexing="xy") + grid_xs = grid_xs[None, None, ...].expand(B, 1, h, w) + grid_ys = grid_ys[None, None, ...].expand(B, 1, h, w) + min_xs, _ = torch.min(torch.where(masks, grid_xs, w).flatten(-2), dim=-1) + max_xs, _ = torch.max(torch.where(masks, grid_xs, -1).flatten(-2), dim=-1) + min_ys, _ = torch.min(torch.where(masks, grid_ys, h).flatten(-2), dim=-1) + max_ys, _ = torch.max(torch.where(masks, grid_ys, -1).flatten(-2), dim=-1) + bbox_coords = torch.stack((min_xs, min_ys, max_xs, max_ys), dim=-1) + + return bbox_coords + + +def _load_img_as_tensor(img_path, image_size): + img_pil = Image.open(img_path) + img_np = np.array(img_pil.convert("RGB").resize((image_size, image_size))) + if img_np.dtype == np.uint8: # np.uint8 is expected for JPEG images + img_np = img_np / 255.0 + else: + raise RuntimeError(f"Unknown image dtype: {img_np.dtype} on {img_path}") + img = torch.from_numpy(img_np).permute(2, 0, 1) + video_width, video_height = img_pil.size # the original video size + return img, video_height, video_width + + +class AsyncVideoFrameLoader: + """ + A list of video frames to be load asynchronously without blocking session start. + """ + + def __init__( + self, + img_paths, + image_size, + offload_video_to_cpu, + img_mean, + img_std, + compute_device, + ): + self.img_paths = img_paths + self.image_size = image_size + self.offload_video_to_cpu = offload_video_to_cpu + self.img_mean = img_mean + self.img_std = img_std + # items in `self.images` will be loaded asynchronously + self.images = [None] * len(img_paths) + # catch and raise any exceptions in the async loading thread + self.exception = None + # video_height and video_width be filled when loading the first image + self.video_height = None + self.video_width = None + self.compute_device = compute_device + + # load the first frame to fill video_height and video_width and also + # to cache it (since it's most likely where the user will click) + self.__getitem__(0) + + # load the rest of frames asynchronously without blocking the session start + def _load_frames(): + try: + for n in tqdm(range(len(self.images)), desc="frame loading (JPEG)"): + self.__getitem__(n) + except Exception as e: + self.exception = e + + self.thread = Thread(target=_load_frames, daemon=True) + self.thread.start() + + def __getitem__(self, index): + if self.exception is not None: + raise RuntimeError("Failure in frame loading thread") from self.exception + + img = self.images[index] + if img is not None: + return img + + img, video_height, video_width = _load_img_as_tensor( + self.img_paths[index], self.image_size + ) + self.video_height = video_height + self.video_width = video_width + # normalize by mean and std + img -= self.img_mean + img /= self.img_std + if not self.offload_video_to_cpu: + img = img.to(self.compute_device, non_blocking=True) + self.images[index] = img + return img + + def __len__(self): + return len(self.images) + + +def load_video_frames( + video_path, + image_size, + offload_video_to_cpu, + img_mean=(0.485, 0.456, 0.406), + img_std=(0.229, 0.224, 0.225), + async_loading_frames=False, + compute_device=torch.device("cuda"), +): + """ + Load the video frames from video_path. The frames are resized to image_size as in + the model and are loaded to GPU if offload_video_to_cpu=False. This is used by the demo. + """ + is_bytes = isinstance(video_path, bytes) + is_str = isinstance(video_path, str) + is_mp4_path = is_str and os.path.splitext(video_path)[-1] in [".mp4", ".MP4"] + if is_bytes or is_mp4_path: + return load_video_frames_from_video_file( + video_path=video_path, + image_size=image_size, + offload_video_to_cpu=offload_video_to_cpu, + img_mean=img_mean, + img_std=img_std, + compute_device=compute_device, + ) + elif is_str and os.path.isdir(video_path): + return load_video_frames_from_jpg_images( + video_path=video_path, + image_size=image_size, + offload_video_to_cpu=offload_video_to_cpu, + img_mean=img_mean, + img_std=img_std, + async_loading_frames=async_loading_frames, + compute_device=compute_device, + ) + else: + raise NotImplementedError( + "Only MP4 video and JPEG folder are supported at this moment" + ) + + +def load_video_frames_from_jpg_images( + video_path, + image_size, + offload_video_to_cpu, + img_mean=(0.485, 0.456, 0.406), + img_std=(0.229, 0.224, 0.225), + async_loading_frames=False, + compute_device=torch.device("cuda"), +): + """ + Load the video frames from a directory of JPEG files (".jpg" format). + + The frames are resized to image_size x image_size and are loaded to GPU if + `offload_video_to_cpu` is `False` and to CPU if `offload_video_to_cpu` is `True`. + + You can load a frame asynchronously by setting `async_loading_frames` to `True`. + """ + if isinstance(video_path, str) and os.path.isdir(video_path): + jpg_folder = video_path + else: + raise NotImplementedError( + "Only JPEG frames are supported at this moment. For video files, you may use " + "ffmpeg (https://ffmpeg.org/) to extract frames into a folder of JPEG files, such as \n" + "```\n" + "ffmpeg -i .mp4 -q:v 2 -start_number 0 /'%05d.jpg'\n" + "```\n" + "where `-q:v` generates high-quality JPEG frames and `-start_number 0` asks " + "ffmpeg to start the JPEG file from 00000.jpg." + ) + + frame_names = [ + p + for p in os.listdir(jpg_folder) + if os.path.splitext(p)[-1] in [".jpg", ".jpeg", ".JPG", ".JPEG"] + ] + frame_names.sort(key=lambda p: int(os.path.splitext(p)[0])) + num_frames = len(frame_names) + if num_frames == 0: + raise RuntimeError(f"no images found in {jpg_folder}") + img_paths = [os.path.join(jpg_folder, frame_name) for frame_name in frame_names] + img_mean = torch.tensor(img_mean, dtype=torch.float32)[:, None, None] + img_std = torch.tensor(img_std, dtype=torch.float32)[:, None, None] + + if async_loading_frames: + lazy_images = AsyncVideoFrameLoader( + img_paths, + image_size, + offload_video_to_cpu, + img_mean, + img_std, + compute_device, + ) + return lazy_images, lazy_images.video_height, lazy_images.video_width + + images = torch.zeros(num_frames, 3, image_size, image_size, dtype=torch.float32) + for n, img_path in enumerate(tqdm(img_paths, desc="frame loading (JPEG)")): + images[n], video_height, video_width = _load_img_as_tensor(img_path, image_size) + if not offload_video_to_cpu: + images = images.to(compute_device) + img_mean = img_mean.to(compute_device) + img_std = img_std.to(compute_device) + # normalize by mean and std + images -= img_mean + images /= img_std + return images, video_height, video_width + + +def load_video_frames_from_video_file( + video_path, + image_size, + offload_video_to_cpu, + img_mean=(0.485, 0.456, 0.406), + img_std=(0.229, 0.224, 0.225), + compute_device=torch.device("cuda"), +): + """Load the video frames from a video file.""" + import decord + + img_mean = torch.tensor(img_mean, dtype=torch.float32)[:, None, None] + img_std = torch.tensor(img_std, dtype=torch.float32)[:, None, None] + # Get the original video height and width + decord.bridge.set_bridge("torch") + video_height, video_width, _ = decord.VideoReader(video_path).next().shape + # Iterate over all frames in the video + images = [] + for frame in decord.VideoReader(video_path, width=image_size, height=image_size): + images.append(frame.permute(2, 0, 1)) + + images = torch.stack(images, dim=0).float() / 255.0 + if not offload_video_to_cpu: + images = images.to(compute_device) + img_mean = img_mean.to(compute_device) + img_std = img_std.to(compute_device) + # normalize by mean and std + images -= img_mean + images /= img_std + return images, video_height, video_width + + +def fill_holes_in_mask_scores(mask, max_area): + """ + A post processor to fill small holes in mask scores with area under `max_area`. + """ + # Holes are those connected components in background with area <= self.max_area + # (background regions are those with mask scores <= 0) + assert max_area > 0, "max_area must be positive" + + input_mask = mask + try: + labels, areas = get_connected_components(mask <= 0) + is_hole = (labels > 0) & (areas <= max_area) + # We fill holes with a small positive mask score (0.1) to change them to foreground. + mask = torch.where(is_hole, 0.1, mask) + except Exception as e: + # Skip the post-processing step on removing small holes if the CUDA kernel fails + warnings.warn( + f"{e}\n\nSkipping the post-processing step due to the error above. You can " + "still use SAM 2 and it's OK to ignore the error above, although some post-processing " + "functionality may be limited (which doesn't affect the results in most cases; see " + "https://github.com/facebookresearch/sam2/blob/main/INSTALL.md).", + category=UserWarning, + stacklevel=2, + ) + mask = input_mask + + return mask + + +def concat_points(old_point_inputs, new_points, new_labels): + """Add new points and labels to previous point inputs (add at the end).""" + if old_point_inputs is None: + points, labels = new_points, new_labels + else: + points = torch.cat([old_point_inputs["point_coords"], new_points], dim=1) + labels = torch.cat([old_point_inputs["point_labels"], new_labels], dim=1) + + return {"point_coords": points, "point_labels": labels} diff --git a/sam2/utils/transforms.py b/sam2/utils/transforms.py new file mode 100644 index 0000000000000000000000000000000000000000..cc17bebfab104b659c5469e8434cf357ae7e24b6 --- /dev/null +++ b/sam2/utils/transforms.py @@ -0,0 +1,118 @@ +# Copyright (c) Meta Platforms, Inc. and affiliates. +# All rights reserved. + +# This source code is licensed under the license found in the +# LICENSE file in the root directory of this source tree. + +import warnings + +import torch +import torch.nn as nn +import torch.nn.functional as F +from torchvision.transforms import Normalize, Resize, ToTensor + + +class SAM2Transforms(nn.Module): + def __init__( + self, resolution, mask_threshold, max_hole_area=0.0, max_sprinkle_area=0.0 + ): + """ + Transforms for SAM2. + """ + super().__init__() + self.resolution = resolution + self.mask_threshold = mask_threshold + self.max_hole_area = max_hole_area + self.max_sprinkle_area = max_sprinkle_area + self.mean = [0.485, 0.456, 0.406] + self.std = [0.229, 0.224, 0.225] + self.to_tensor = ToTensor() + self.transforms = torch.jit.script( + nn.Sequential( + Resize((self.resolution, self.resolution)), + Normalize(self.mean, self.std), + ) + ) + + def __call__(self, x): + x = self.to_tensor(x) + return self.transforms(x) + + def forward_batch(self, img_list): + img_batch = [self.transforms(self.to_tensor(img)) for img in img_list] + img_batch = torch.stack(img_batch, dim=0) + return img_batch + + def transform_coords( + self, coords: torch.Tensor, normalize=False, orig_hw=None + ) -> torch.Tensor: + """ + Expects a torch tensor with length 2 in the last dimension. The coordinates can be in absolute image or normalized coordinates, + If the coords are in absolute image coordinates, normalize should be set to True and original image size is required. + + Returns + Un-normalized coordinates in the range of [0, 1] which is expected by the SAM2 model. + """ + if normalize: + assert orig_hw is not None + h, w = orig_hw + coords = coords.clone() + coords[..., 0] = coords[..., 0] / w + coords[..., 1] = coords[..., 1] / h + + coords = coords * self.resolution # unnormalize coords + return coords + + def transform_boxes( + self, boxes: torch.Tensor, normalize=False, orig_hw=None + ) -> torch.Tensor: + """ + Expects a tensor of shape Bx4. The coordinates can be in absolute image or normalized coordinates, + if the coords are in absolute image coordinates, normalize should be set to True and original image size is required. + """ + boxes = self.transform_coords(boxes.reshape(-1, 2, 2), normalize, orig_hw) + return boxes + + def postprocess_masks(self, masks: torch.Tensor, orig_hw) -> torch.Tensor: + """ + Perform PostProcessing on output masks. + """ + from sam2.utils.misc import get_connected_components + + masks = masks.float() + input_masks = masks + mask_flat = masks.flatten(0, 1).unsqueeze(1) # flatten as 1-channel image + try: + if self.max_hole_area > 0: + # Holes are those connected components in background with area <= self.fill_hole_area + # (background regions are those with mask scores <= self.mask_threshold) + labels, areas = get_connected_components( + mask_flat <= self.mask_threshold + ) + is_hole = (labels > 0) & (areas <= self.max_hole_area) + is_hole = is_hole.reshape_as(masks) + # We fill holes with a small positive mask score (10.0) to change them to foreground. + masks = torch.where(is_hole, self.mask_threshold + 10.0, masks) + + if self.max_sprinkle_area > 0: + labels, areas = get_connected_components( + mask_flat > self.mask_threshold + ) + is_hole = (labels > 0) & (areas <= self.max_sprinkle_area) + is_hole = is_hole.reshape_as(masks) + # We fill holes with negative mask score (-10.0) to change them to background. + masks = torch.where(is_hole, self.mask_threshold - 10.0, masks) + except Exception as e: + # Skip the post-processing step if the CUDA kernel fails + warnings.warn( + f"{e}\n\nSkipping the post-processing step due to the error above. You can " + "still use SAM 2 and it's OK to ignore the error above, although some post-processing " + "functionality may be limited (which doesn't affect the results in most cases; see " + "https://github.com/facebookresearch/sam2/blob/main/INSTALL.md).", + category=UserWarning, + stacklevel=2, + ) + masks = input_masks + + masks = F.interpolate(masks, orig_hw, mode="bilinear", align_corners=False) + return masks