├── .dockerignore ├── .gitignore ├── .gitmodules ├── LICENSE ├── README.md ├── assets └── teaser.png ├── docker ├── Dockerfile ├── README.md ├── build_docker.sh ├── example_call_in_docker.sh └── run_docker.sh ├── environment.yml ├── evaluation ├── __init__.py └── eval.py ├── external ├── ARKitScenes │ ├── .gitignore │ ├── ACKNOWLEDGEMENTS.txt │ ├── CODE_OF_CONDUCT.md │ ├── CONTRIBUTING.md │ ├── DATA.md │ ├── LICENSE │ ├── README.md │ ├── depth_upsampling │ │ ├── README.md │ │ ├── __init__.py │ │ ├── data_utils.py │ │ ├── dataset.py │ │ ├── dataset_keys.py │ │ ├── image_utils.py │ │ ├── logs │ │ │ ├── __init__.py │ │ │ ├── eval.py │ │ │ └── train.py │ │ ├── losses │ │ │ ├── __init__.py │ │ │ ├── gradient_loss.py │ │ │ ├── l1_loss.py │ │ │ └── rmse.py │ │ ├── models │ │ │ ├── __init__.py │ │ │ ├── msg │ │ │ │ ├── __init__.py │ │ │ │ ├── blocks.py │ │ │ │ └── msg.py │ │ │ └── mspf │ │ │ │ ├── MultiScaleDepthSR.py │ │ │ │ ├── MultiscaleConvDepthEncoder.py │ │ │ │ ├── __init__.py │ │ │ │ ├── blocks │ │ │ │ ├── __init__.py │ │ │ │ ├── dense_net.py │ │ │ │ └── multi_scale_depth.py │ │ │ │ ├── densenet.py │ │ │ │ └── mspf.py │ │ ├── requirements.txt │ │ ├── sample_vis.py │ │ ├── sampler.py │ │ ├── train.py │ │ ├── train.sh │ │ ├── transfroms │ │ │ ├── __init__.py │ │ │ ├── ascontiguousarray.py │ │ │ ├── dilate_valid_mask.py │ │ │ ├── mod_crop.py │ │ │ ├── random_crop.py │ │ │ ├── random_fliplr.py │ │ │ └── valid_depth_mask.py │ │ └── upsampling_train_val_splits.csv │ ├── download_data.py │ ├── raw │ │ ├── README.md │ │ └── raw_train_val_splits.csv │ └── threedod │ │ ├── 3dod_train_val_splits.csv │ │ ├── README.md │ │ ├── benchmark_scripts │ │ ├── data_prepare_offline.py │ │ ├── data_prepare_online.py │ │ ├── demo_eval.py │ │ ├── prepare_votes.py │ │ ├── show_3d_bbox_annotation.py │ │ └── utils │ │ │ ├── __init__.py │ │ │ ├── box_utils.py │ │ │ ├── eval_utils.py │ │ │ ├── pc_utils.py │ │ │ ├── rotation.py │ │ │ ├── taxonomy.py │ │ │ ├── tenFpsDataLoader.py │ │ │ └── visual_utils.py │ │ ├── python_venv_setup.sh │ │ └── requirements.txt ├── detectron2 │ ├── .circleci │ │ ├── config.yml │ │ └── import-tests.sh │ ├── .clang-format │ ├── .flake8 │ ├── .github │ │ ├── CODE_OF_CONDUCT.md │ │ ├── CONTRIBUTING.md │ │ ├── Detectron2-Logo-Horz.svg │ │ ├── ISSUE_TEMPLATE.md │ │ ├── ISSUE_TEMPLATE │ │ │ ├── bugs.md │ │ │ ├── config.yml │ │ │ ├── documentation.md │ │ │ ├── feature-request.md │ │ │ └── unexpected-problems-bugs.md │ │ ├── pull_request_template.md │ │ └── workflows │ │ │ ├── check-template.yml │ │ │ ├── levenshtein.js │ │ │ ├── needs-reply.yml │ │ │ ├── remove-needs-reply.yml │ │ │ └── workflow.yml │ ├── .gitignore │ ├── GETTING_STARTED.md │ ├── INSTALL.md │ ├── LICENSE │ ├── MODEL_ZOO.md │ ├── README.md │ ├── configs │ │ ├── Base-RCNN-C4.yaml │ │ ├── Base-RCNN-DilatedC5.yaml │ │ ├── Base-RCNN-FPN.yaml │ │ ├── Base-RetinaNet.yaml │ │ ├── COCO-Detection │ │ │ ├── fast_rcnn_R_50_FPN_1x.yaml │ │ │ ├── faster_rcnn_R_101_C4_3x.yaml │ │ │ ├── faster_rcnn_R_101_DC5_3x.yaml │ │ │ ├── faster_rcnn_R_101_FPN_3x.yaml │ │ │ ├── faster_rcnn_R_50_C4_1x.yaml │ │ │ ├── faster_rcnn_R_50_C4_3x.yaml │ │ │ ├── faster_rcnn_R_50_DC5_1x.yaml │ │ │ ├── faster_rcnn_R_50_DC5_3x.yaml │ │ │ ├── faster_rcnn_R_50_FPN_1x.yaml │ │ │ ├── faster_rcnn_R_50_FPN_3x.yaml │ │ │ ├── faster_rcnn_X_101_32x8d_FPN_3x.yaml │ │ │ ├── fcos_R_50_FPN_1x.py │ │ │ ├── retinanet_R_101_FPN_3x.yaml │ │ │ ├── retinanet_R_50_FPN_1x.py │ │ │ ├── retinanet_R_50_FPN_1x.yaml │ │ │ ├── retinanet_R_50_FPN_3x.yaml │ │ │ ├── rpn_R_50_C4_1x.yaml │ │ │ └── rpn_R_50_FPN_1x.yaml │ │ ├── COCO-InstanceSegmentation │ │ │ ├── mask_rcnn_R_101_C4_3x.yaml │ │ │ ├── mask_rcnn_R_101_DC5_3x.yaml │ │ │ ├── mask_rcnn_R_101_FPN_3x.yaml │ │ │ ├── mask_rcnn_R_50_C4_1x.py │ │ │ ├── mask_rcnn_R_50_C4_1x.yaml │ │ │ ├── mask_rcnn_R_50_C4_3x.yaml │ │ │ ├── mask_rcnn_R_50_DC5_1x.yaml │ │ │ ├── mask_rcnn_R_50_DC5_3x.yaml │ │ │ ├── mask_rcnn_R_50_FPN_1x.py │ │ │ ├── mask_rcnn_R_50_FPN_1x.yaml │ │ │ ├── mask_rcnn_R_50_FPN_1x_giou.yaml │ │ │ ├── mask_rcnn_R_50_FPN_3x.yaml │ │ │ ├── mask_rcnn_X_101_32x8d_FPN_3x.yaml │ │ │ ├── mask_rcnn_regnetx_4gf_dds_fpn_1x.py │ │ │ └── mask_rcnn_regnety_4gf_dds_fpn_1x.py │ │ ├── COCO-Keypoints │ │ │ ├── Base-Keypoint-RCNN-FPN.yaml │ │ │ ├── keypoint_rcnn_R_101_FPN_3x.yaml │ │ │ ├── keypoint_rcnn_R_50_FPN_1x.py │ │ │ ├── keypoint_rcnn_R_50_FPN_1x.yaml │ │ │ ├── keypoint_rcnn_R_50_FPN_3x.yaml │ │ │ └── keypoint_rcnn_X_101_32x8d_FPN_3x.yaml │ │ ├── COCO-PanopticSegmentation │ │ │ ├── Base-Panoptic-FPN.yaml │ │ │ ├── panoptic_fpn_R_101_3x.yaml │ │ │ ├── panoptic_fpn_R_50_1x.py │ │ │ ├── panoptic_fpn_R_50_1x.yaml │ │ │ └── panoptic_fpn_R_50_3x.yaml │ │ ├── Cityscapes │ │ │ └── mask_rcnn_R_50_FPN.yaml │ │ ├── Detectron1-Comparisons │ │ │ ├── README.md │ │ │ ├── faster_rcnn_R_50_FPN_noaug_1x.yaml │ │ │ ├── keypoint_rcnn_R_50_FPN_1x.yaml │ │ │ └── mask_rcnn_R_50_FPN_noaug_1x.yaml │ │ ├── LVISv0.5-InstanceSegmentation │ │ │ ├── mask_rcnn_R_101_FPN_1x.yaml │ │ │ ├── mask_rcnn_R_50_FPN_1x.yaml │ │ │ └── mask_rcnn_X_101_32x8d_FPN_1x.yaml │ │ ├── LVISv1-InstanceSegmentation │ │ │ ├── mask_rcnn_R_101_FPN_1x.yaml │ │ │ ├── mask_rcnn_R_50_FPN_1x.yaml │ │ │ └── mask_rcnn_X_101_32x8d_FPN_1x.yaml │ │ ├── Misc │ │ │ ├── cascade_mask_rcnn_R_50_FPN_1x.yaml │ │ │ ├── cascade_mask_rcnn_R_50_FPN_3x.yaml │ │ │ ├── cascade_mask_rcnn_X_152_32x8d_FPN_IN5k_gn_dconv.yaml │ │ │ ├── mask_rcnn_R_50_FPN_1x_cls_agnostic.yaml │ │ │ ├── mask_rcnn_R_50_FPN_1x_dconv_c3-c5.yaml │ │ │ ├── mask_rcnn_R_50_FPN_3x_dconv_c3-c5.yaml │ │ │ ├── mask_rcnn_R_50_FPN_3x_gn.yaml │ │ │ ├── mask_rcnn_R_50_FPN_3x_syncbn.yaml │ │ │ ├── mmdet_mask_rcnn_R_50_FPN_1x.py │ │ │ ├── panoptic_fpn_R_101_dconv_cascade_gn_3x.yaml │ │ │ ├── scratch_mask_rcnn_R_50_FPN_3x_gn.yaml │ │ │ ├── scratch_mask_rcnn_R_50_FPN_9x_gn.yaml │ │ │ ├── scratch_mask_rcnn_R_50_FPN_9x_syncbn.yaml │ │ │ ├── semantic_R_50_FPN_1x.yaml │ │ │ └── torchvision_imagenet_R_50.py │ │ ├── PascalVOC-Detection │ │ │ ├── faster_rcnn_R_50_C4.yaml │ │ │ └── faster_rcnn_R_50_FPN.yaml │ │ ├── common │ │ │ ├── README.md │ │ │ ├── coco_schedule.py │ │ │ ├── data │ │ │ │ ├── coco.py │ │ │ │ ├── coco_keypoint.py │ │ │ │ └── coco_panoptic_separated.py │ │ │ ├── models │ │ │ │ ├── cascade_rcnn.py │ │ │ │ ├── fcos.py │ │ │ │ ├── keypoint_rcnn_fpn.py │ │ │ │ ├── mask_rcnn_c4.py │ │ │ │ ├── mask_rcnn_fpn.py │ │ │ │ ├── panoptic_fpn.py │ │ │ │ └── retinanet.py │ │ │ ├── optim.py │ │ │ └── train.py │ │ ├── new_baselines │ │ │ ├── mask_rcnn_R_101_FPN_100ep_LSJ.py │ │ │ ├── mask_rcnn_R_101_FPN_200ep_LSJ.py │ │ │ ├── mask_rcnn_R_101_FPN_400ep_LSJ.py │ │ │ ├── mask_rcnn_R_50_FPN_100ep_LSJ.py │ │ │ ├── mask_rcnn_R_50_FPN_200ep_LSJ.py │ │ │ ├── mask_rcnn_R_50_FPN_400ep_LSJ.py │ │ │ ├── mask_rcnn_R_50_FPN_50ep_LSJ.py │ │ │ ├── mask_rcnn_regnetx_4gf_dds_FPN_100ep_LSJ.py │ │ │ ├── mask_rcnn_regnetx_4gf_dds_FPN_200ep_LSJ.py │ │ │ ├── mask_rcnn_regnetx_4gf_dds_FPN_400ep_LSJ.py │ │ │ ├── mask_rcnn_regnety_4gf_dds_FPN_100ep_LSJ.py │ │ │ ├── mask_rcnn_regnety_4gf_dds_FPN_200ep_LSJ.py │ │ │ └── mask_rcnn_regnety_4gf_dds_FPN_400ep_LSJ.py │ │ └── quick_schedules │ │ │ ├── README.md │ │ │ ├── cascade_mask_rcnn_R_50_FPN_inference_acc_test.yaml │ │ │ ├── cascade_mask_rcnn_R_50_FPN_instant_test.yaml │ │ │ ├── fast_rcnn_R_50_FPN_inference_acc_test.yaml │ │ │ ├── fast_rcnn_R_50_FPN_instant_test.yaml │ │ │ ├── keypoint_rcnn_R_50_FPN_inference_acc_test.yaml │ │ │ ├── keypoint_rcnn_R_50_FPN_instant_test.yaml │ │ │ ├── keypoint_rcnn_R_50_FPN_normalized_training_acc_test.yaml │ │ │ ├── keypoint_rcnn_R_50_FPN_training_acc_test.yaml │ │ │ ├── mask_rcnn_R_50_C4_GCV_instant_test.yaml │ │ │ ├── mask_rcnn_R_50_C4_inference_acc_test.yaml │ │ │ ├── mask_rcnn_R_50_C4_instant_test.yaml │ │ │ ├── mask_rcnn_R_50_C4_training_acc_test.yaml │ │ │ ├── mask_rcnn_R_50_DC5_inference_acc_test.yaml │ │ │ ├── mask_rcnn_R_50_FPN_inference_acc_test.yaml │ │ │ ├── mask_rcnn_R_50_FPN_instant_test.yaml │ │ │ ├── mask_rcnn_R_50_FPN_pred_boxes_training_acc_test.yaml │ │ │ ├── mask_rcnn_R_50_FPN_training_acc_test.yaml │ │ │ ├── panoptic_fpn_R_50_inference_acc_test.yaml │ │ │ ├── panoptic_fpn_R_50_instant_test.yaml │ │ │ ├── panoptic_fpn_R_50_training_acc_test.yaml │ │ │ ├── retinanet_R_50_FPN_inference_acc_test.yaml │ │ │ ├── retinanet_R_50_FPN_instant_test.yaml │ │ │ ├── rpn_R_50_FPN_inference_acc_test.yaml │ │ │ ├── rpn_R_50_FPN_instant_test.yaml │ │ │ ├── semantic_R_50_FPN_inference_acc_test.yaml │ │ │ ├── semantic_R_50_FPN_instant_test.yaml │ │ │ └── semantic_R_50_FPN_training_acc_test.yaml │ ├── datasets │ │ ├── README.md │ │ ├── prepare_ade20k_sem_seg.py │ │ ├── prepare_cocofied_lvis.py │ │ ├── prepare_for_tests.sh │ │ └── prepare_panoptic_fpn.py │ ├── demo │ │ ├── README.md │ │ ├── demo.py │ │ └── predictor.py │ ├── detectron2 │ │ ├── __init__.py │ │ ├── checkpoint │ │ │ ├── __init__.py │ │ │ ├── c2_model_loading.py │ │ │ ├── catalog.py │ │ │ └── detection_checkpoint.py │ │ ├── config │ │ │ ├── __init__.py │ │ │ ├── compat.py │ │ │ ├── config.py │ │ │ ├── defaults.py │ │ │ ├── instantiate.py │ │ │ └── lazy.py │ │ ├── data │ │ │ ├── __init__.py │ │ │ ├── benchmark.py │ │ │ ├── build.py │ │ │ ├── catalog.py │ │ │ ├── common.py │ │ │ ├── dataset_mapper.py │ │ │ ├── datasets │ │ │ │ ├── README.md │ │ │ │ ├── __init__.py │ │ │ │ ├── builtin.py │ │ │ │ ├── builtin_meta.py │ │ │ │ ├── cityscapes.py │ │ │ │ ├── cityscapes_panoptic.py │ │ │ │ ├── coco.py │ │ │ │ ├── coco_panoptic.py │ │ │ │ ├── lvis.py │ │ │ │ ├── lvis_v0_5_categories.py │ │ │ │ ├── lvis_v1_categories.py │ │ │ │ ├── lvis_v1_category_image_count.py │ │ │ │ ├── pascal_voc.py │ │ │ │ └── register_coco.py │ │ │ ├── detection_utils.py │ │ │ ├── samplers │ │ │ │ ├── __init__.py │ │ │ │ ├── distributed_sampler.py │ │ │ │ └── grouped_batch_sampler.py │ │ │ └── transforms │ │ │ │ ├── __init__.py │ │ │ │ ├── augmentation.py │ │ │ │ ├── augmentation_impl.py │ │ │ │ └── transform.py │ │ ├── engine │ │ │ ├── __init__.py │ │ │ ├── defaults.py │ │ │ ├── hooks.py │ │ │ ├── launch.py │ │ │ └── train_loop.py │ │ ├── evaluation │ │ │ ├── __init__.py │ │ │ ├── cityscapes_evaluation.py │ │ │ ├── coco_evaluation.py │ │ │ ├── evaluator.py │ │ │ ├── fast_eval_api.py │ │ │ ├── lvis_evaluation.py │ │ │ ├── panoptic_evaluation.py │ │ │ ├── pascal_voc_evaluation.py │ │ │ ├── rotated_coco_evaluation.py │ │ │ ├── sem_seg_evaluation.py │ │ │ └── testing.py │ │ ├── export │ │ │ ├── README.md │ │ │ ├── __init__.py │ │ │ ├── api.py │ │ │ ├── c10.py │ │ │ ├── caffe2_export.py │ │ │ ├── caffe2_inference.py │ │ │ ├── caffe2_modeling.py │ │ │ ├── caffe2_patch.py │ │ │ ├── flatten.py │ │ │ ├── shared.py │ │ │ ├── torchscript.py │ │ │ └── torchscript_patch.py │ │ ├── layers │ │ │ ├── __init__.py │ │ │ ├── aspp.py │ │ │ ├── batch_norm.py │ │ │ ├── blocks.py │ │ │ ├── csrc │ │ │ │ ├── README.md │ │ │ │ ├── ROIAlignRotated │ │ │ │ │ ├── ROIAlignRotated.h │ │ │ │ │ ├── ROIAlignRotated_cpu.cpp │ │ │ │ │ └── ROIAlignRotated_cuda.cu │ │ │ │ ├── box_iou_rotated │ │ │ │ │ ├── box_iou_rotated.h │ │ │ │ │ ├── box_iou_rotated_cpu.cpp │ │ │ │ │ ├── box_iou_rotated_cuda.cu │ │ │ │ │ └── box_iou_rotated_utils.h │ │ │ │ ├── cocoeval │ │ │ │ │ ├── cocoeval.cpp │ │ │ │ │ └── cocoeval.h │ │ │ │ ├── cuda_version.cu │ │ │ │ ├── deformable │ │ │ │ │ ├── deform_conv.h │ │ │ │ │ ├── deform_conv_cuda.cu │ │ │ │ │ └── deform_conv_cuda_kernel.cu │ │ │ │ ├── nms_rotated │ │ │ │ │ ├── nms_rotated.h │ │ │ │ │ ├── nms_rotated_cpu.cpp │ │ │ │ │ └── nms_rotated_cuda.cu │ │ │ │ └── vision.cpp │ │ │ ├── deform_conv.py │ │ │ ├── losses.py │ │ │ ├── mask_ops.py │ │ │ ├── nms.py │ │ │ ├── roi_align.py │ │ │ ├── roi_align_rotated.py │ │ │ ├── rotated_boxes.py │ │ │ ├── shape_spec.py │ │ │ └── wrappers.py │ │ ├── model_zoo │ │ │ ├── __init__.py │ │ │ └── model_zoo.py │ │ ├── modeling │ │ │ ├── __init__.py │ │ │ ├── anchor_generator.py │ │ │ ├── backbone │ │ │ │ ├── __init__.py │ │ │ │ ├── backbone.py │ │ │ │ ├── build.py │ │ │ │ ├── fpn.py │ │ │ │ ├── regnet.py │ │ │ │ └── resnet.py │ │ │ ├── box_regression.py │ │ │ ├── matcher.py │ │ │ ├── meta_arch │ │ │ │ ├── __init__.py │ │ │ │ ├── build.py │ │ │ │ ├── dense_detector.py │ │ │ │ ├── fcos.py │ │ │ │ ├── panoptic_fpn.py │ │ │ │ ├── rcnn.py │ │ │ │ ├── retinanet.py │ │ │ │ └── semantic_seg.py │ │ │ ├── mmdet_wrapper.py │ │ │ ├── poolers.py │ │ │ ├── postprocessing.py │ │ │ ├── proposal_generator │ │ │ │ ├── __init__.py │ │ │ │ ├── build.py │ │ │ │ ├── proposal_utils.py │ │ │ │ ├── rpn.py │ │ │ │ └── rrpn.py │ │ │ ├── roi_heads │ │ │ │ ├── __init__.py │ │ │ │ ├── box_head.py │ │ │ │ ├── cascade_rcnn.py │ │ │ │ ├── fast_rcnn.py │ │ │ │ ├── keypoint_head.py │ │ │ │ ├── mask_head.py │ │ │ │ ├── roi_heads.py │ │ │ │ └── rotated_fast_rcnn.py │ │ │ ├── sampling.py │ │ │ └── test_time_augmentation.py │ │ ├── projects │ │ │ ├── README.md │ │ │ └── __init__.py │ │ ├── solver │ │ │ ├── __init__.py │ │ │ ├── build.py │ │ │ └── lr_scheduler.py │ │ ├── structures │ │ │ ├── __init__.py │ │ │ ├── boxes.py │ │ │ ├── image_list.py │ │ │ ├── instances.py │ │ │ ├── keypoints.py │ │ │ ├── masks.py │ │ │ └── rotated_boxes.py │ │ ├── tracking │ │ │ ├── __init__.py │ │ │ ├── base_tracker.py │ │ │ ├── bbox_iou_tracker.py │ │ │ ├── hungarian_tracker.py │ │ │ ├── iou_weighted_hungarian_bbox_iou_tracker.py │ │ │ ├── utils.py │ │ │ └── vanilla_hungarian_bbox_iou_tracker.py │ │ └── utils │ │ │ ├── README.md │ │ │ ├── __init__.py │ │ │ ├── analysis.py │ │ │ ├── collect_env.py │ │ │ ├── colormap.py │ │ │ ├── comm.py │ │ │ ├── develop.py │ │ │ ├── env.py │ │ │ ├── events.py │ │ │ ├── file_io.py │ │ │ ├── logger.py │ │ │ ├── memory.py │ │ │ ├── registry.py │ │ │ ├── serialize.py │ │ │ ├── testing.py │ │ │ ├── video_visualizer.py │ │ │ └── visualizer.py │ ├── dev │ │ ├── README.md │ │ ├── linter.sh │ │ ├── packaging │ │ │ ├── README.md │ │ │ ├── build_all_wheels.sh │ │ │ ├── build_wheel.sh │ │ │ ├── gen_install_table.py │ │ │ ├── gen_wheel_index.sh │ │ │ └── pkg_helpers.bash │ │ ├── parse_results.sh │ │ ├── run_inference_tests.sh │ │ └── run_instant_tests.sh │ ├── docker │ │ ├── Dockerfile │ │ ├── README.md │ │ ├── deploy.Dockerfile │ │ └── docker-compose.yml │ ├── docs │ │ ├── .gitignore │ │ ├── Makefile │ │ ├── README.md │ │ ├── _static │ │ │ └── css │ │ │ │ └── custom.css │ │ ├── conf.py │ │ ├── index.rst │ │ ├── modules │ │ │ ├── checkpoint.rst │ │ │ ├── config.rst │ │ │ ├── data.rst │ │ │ ├── data_transforms.rst │ │ │ ├── engine.rst │ │ │ ├── evaluation.rst │ │ │ ├── export.rst │ │ │ ├── fvcore.rst │ │ │ ├── index.rst │ │ │ ├── layers.rst │ │ │ ├── model_zoo.rst │ │ │ ├── modeling.rst │ │ │ ├── solver.rst │ │ │ ├── structures.rst │ │ │ └── utils.rst │ │ ├── notes │ │ │ ├── benchmarks.md │ │ │ ├── changelog.md │ │ │ ├── compatibility.md │ │ │ ├── contributing.md │ │ │ └── index.rst │ │ ├── requirements.txt │ │ └── tutorials │ │ │ ├── README.md │ │ │ ├── augmentation.md │ │ │ ├── builtin_datasets.md │ │ │ ├── configs.md │ │ │ ├── data_loading.md │ │ │ ├── datasets.md │ │ │ ├── deployment.md │ │ │ ├── evaluation.md │ │ │ ├── extend.md │ │ │ ├── getting_started.md │ │ │ ├── index.rst │ │ │ ├── install.md │ │ │ ├── lazyconfigs.md │ │ │ ├── models.md │ │ │ ├── training.md │ │ │ └── write-models.md │ ├── projects │ │ ├── DeepLab │ │ │ ├── README.md │ │ │ ├── configs │ │ │ │ └── Cityscapes-SemanticSegmentation │ │ │ │ │ ├── Base-DeepLabV3-OS16-Semantic.yaml │ │ │ │ │ ├── deeplab_v3_R_103_os16_mg124_poly_90k_bs16.yaml │ │ │ │ │ └── deeplab_v3_plus_R_103_os16_mg124_poly_90k_bs16.yaml │ │ │ ├── deeplab │ │ │ │ ├── __init__.py │ │ │ │ ├── build_solver.py │ │ │ │ ├── config.py │ │ │ │ ├── loss.py │ │ │ │ ├── lr_scheduler.py │ │ │ │ ├── resnet.py │ │ │ │ └── semantic_seg.py │ │ │ └── train_net.py │ │ ├── DensePose │ │ │ ├── README.md │ │ │ ├── apply_net.py │ │ │ ├── configs │ │ │ │ ├── Base-DensePose-RCNN-FPN.yaml │ │ │ │ ├── HRNet │ │ │ │ │ ├── densepose_rcnn_HRFPN_HRNet_w32_s1x.yaml │ │ │ │ │ ├── densepose_rcnn_HRFPN_HRNet_w40_s1x.yaml │ │ │ │ │ └── densepose_rcnn_HRFPN_HRNet_w48_s1x.yaml │ │ │ │ ├── cse │ │ │ │ │ ├── Base-DensePose-RCNN-FPN-Human.yaml │ │ │ │ │ ├── Base-DensePose-RCNN-FPN.yaml │ │ │ │ │ ├── densepose_rcnn_R_101_FPN_DL_s1x.yaml │ │ │ │ │ ├── densepose_rcnn_R_101_FPN_DL_soft_s1x.yaml │ │ │ │ │ ├── densepose_rcnn_R_101_FPN_s1x.yaml │ │ │ │ │ ├── densepose_rcnn_R_101_FPN_soft_s1x.yaml │ │ │ │ │ ├── densepose_rcnn_R_50_FPN_DL_s1x.yaml │ │ │ │ │ ├── densepose_rcnn_R_50_FPN_DL_soft_s1x.yaml │ │ │ │ │ ├── densepose_rcnn_R_50_FPN_s1x.yaml │ │ │ │ │ ├── densepose_rcnn_R_50_FPN_soft_animals_CA_finetune_16k.yaml │ │ │ │ │ ├── densepose_rcnn_R_50_FPN_soft_animals_CA_finetune_4k.yaml │ │ │ │ │ ├── densepose_rcnn_R_50_FPN_soft_animals_I0_finetune_16k.yaml │ │ │ │ │ ├── densepose_rcnn_R_50_FPN_soft_animals_I0_finetune_i2m_16k.yaml │ │ │ │ │ ├── densepose_rcnn_R_50_FPN_soft_animals_I0_finetune_m2m_16k.yaml │ │ │ │ │ ├── densepose_rcnn_R_50_FPN_soft_animals_finetune_16k.yaml │ │ │ │ │ ├── densepose_rcnn_R_50_FPN_soft_animals_finetune_4k.yaml │ │ │ │ │ ├── densepose_rcnn_R_50_FPN_soft_animals_finetune_maskonly_24k.yaml │ │ │ │ │ ├── densepose_rcnn_R_50_FPN_soft_chimps_finetune_4k.yaml │ │ │ │ │ └── densepose_rcnn_R_50_FPN_soft_s1x.yaml │ │ │ │ ├── densepose_rcnn_R_101_FPN_DL_WC1M_s1x.yaml │ │ │ │ ├── densepose_rcnn_R_101_FPN_DL_WC1_s1x.yaml │ │ │ │ ├── densepose_rcnn_R_101_FPN_DL_WC2M_s1x.yaml │ │ │ │ ├── densepose_rcnn_R_101_FPN_DL_WC2_s1x.yaml │ │ │ │ ├── densepose_rcnn_R_101_FPN_DL_s1x.yaml │ │ │ │ ├── densepose_rcnn_R_101_FPN_WC1M_s1x.yaml │ │ │ │ ├── densepose_rcnn_R_101_FPN_WC1_s1x.yaml │ │ │ │ ├── densepose_rcnn_R_101_FPN_WC2M_s1x.yaml │ │ │ │ ├── densepose_rcnn_R_101_FPN_WC2_s1x.yaml │ │ │ │ ├── densepose_rcnn_R_101_FPN_s1x.yaml │ │ │ │ ├── densepose_rcnn_R_101_FPN_s1x_legacy.yaml │ │ │ │ ├── densepose_rcnn_R_50_FPN_DL_WC1M_s1x.yaml │ │ │ │ ├── densepose_rcnn_R_50_FPN_DL_WC1_s1x.yaml │ │ │ │ ├── densepose_rcnn_R_50_FPN_DL_WC2M_s1x.yaml │ │ │ │ ├── densepose_rcnn_R_50_FPN_DL_WC2_s1x.yaml │ │ │ │ ├── densepose_rcnn_R_50_FPN_DL_s1x.yaml │ │ │ │ ├── densepose_rcnn_R_50_FPN_WC1M_s1x.yaml │ │ │ │ ├── densepose_rcnn_R_50_FPN_WC1_s1x.yaml │ │ │ │ ├── densepose_rcnn_R_50_FPN_WC2M_s1x.yaml │ │ │ │ ├── densepose_rcnn_R_50_FPN_WC2_s1x.yaml │ │ │ │ ├── densepose_rcnn_R_50_FPN_s1x.yaml │ │ │ │ ├── densepose_rcnn_R_50_FPN_s1x_legacy.yaml │ │ │ │ ├── evolution │ │ │ │ │ ├── Base-RCNN-FPN-Atop10P_CA.yaml │ │ │ │ │ ├── densepose_R_50_FPN_DL_WC1M_3x_Atop10P_CA.yaml │ │ │ │ │ ├── densepose_R_50_FPN_DL_WC1M_3x_Atop10P_CA_B_coarsesegm.yaml │ │ │ │ │ ├── densepose_R_50_FPN_DL_WC1M_3x_Atop10P_CA_B_finesegm.yaml │ │ │ │ │ ├── densepose_R_50_FPN_DL_WC1M_3x_Atop10P_CA_B_uniform.yaml │ │ │ │ │ └── densepose_R_50_FPN_DL_WC1M_3x_Atop10P_CA_B_uv.yaml │ │ │ │ └── quick_schedules │ │ │ │ │ ├── cse │ │ │ │ │ ├── densepose_rcnn_R_50_FPN_DL_instant_test.yaml │ │ │ │ │ └── densepose_rcnn_R_50_FPN_soft_animals_finetune_instant_test.yaml │ │ │ │ │ ├── densepose_rcnn_HRFPN_HRNet_w32_instant_test.yaml │ │ │ │ │ ├── densepose_rcnn_R_50_FPN_DL_instant_test.yaml │ │ │ │ │ ├── densepose_rcnn_R_50_FPN_TTA_inference_acc_test.yaml │ │ │ │ │ ├── densepose_rcnn_R_50_FPN_WC1_instant_test.yaml │ │ │ │ │ ├── densepose_rcnn_R_50_FPN_WC2_instant_test.yaml │ │ │ │ │ ├── densepose_rcnn_R_50_FPN_inference_acc_test.yaml │ │ │ │ │ ├── densepose_rcnn_R_50_FPN_instant_test.yaml │ │ │ │ │ └── densepose_rcnn_R_50_FPN_training_acc_test.yaml │ │ │ ├── densepose │ │ │ │ ├── __init__.py │ │ │ │ ├── config.py │ │ │ │ ├── converters │ │ │ │ │ ├── __init__.py │ │ │ │ │ ├── base.py │ │ │ │ │ ├── builtin.py │ │ │ │ │ ├── chart_output_hflip.py │ │ │ │ │ ├── chart_output_to_chart_result.py │ │ │ │ │ ├── hflip.py │ │ │ │ │ ├── segm_to_mask.py │ │ │ │ │ ├── to_chart_result.py │ │ │ │ │ └── to_mask.py │ │ │ │ ├── data │ │ │ │ │ ├── __init__.py │ │ │ │ │ ├── build.py │ │ │ │ │ ├── combined_loader.py │ │ │ │ │ ├── dataset_mapper.py │ │ │ │ │ ├── datasets │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── builtin.py │ │ │ │ │ │ ├── chimpnsee.py │ │ │ │ │ │ ├── coco.py │ │ │ │ │ │ ├── dataset_type.py │ │ │ │ │ │ └── lvis.py │ │ │ │ │ ├── image_list_dataset.py │ │ │ │ │ ├── inference_based_loader.py │ │ │ │ │ ├── meshes │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── builtin.py │ │ │ │ │ │ └── catalog.py │ │ │ │ │ ├── samplers │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── densepose_base.py │ │ │ │ │ │ ├── densepose_confidence_based.py │ │ │ │ │ │ ├── densepose_cse_base.py │ │ │ │ │ │ ├── densepose_cse_confidence_based.py │ │ │ │ │ │ ├── densepose_cse_uniform.py │ │ │ │ │ │ ├── densepose_uniform.py │ │ │ │ │ │ ├── mask_from_densepose.py │ │ │ │ │ │ └── prediction_to_gt.py │ │ │ │ │ ├── transform │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ └── image.py │ │ │ │ │ ├── utils.py │ │ │ │ │ └── video │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── frame_selector.py │ │ │ │ │ │ └── video_keyframe_dataset.py │ │ │ │ ├── engine │ │ │ │ │ ├── __init__.py │ │ │ │ │ └── trainer.py │ │ │ │ ├── evaluation │ │ │ │ │ ├── __init__.py │ │ │ │ │ ├── d2_evaluator_adapter.py │ │ │ │ │ ├── densepose_coco_evaluation.py │ │ │ │ │ ├── evaluator.py │ │ │ │ │ ├── mesh_alignment_evaluator.py │ │ │ │ │ └── tensor_storage.py │ │ │ │ ├── modeling │ │ │ │ │ ├── __init__.py │ │ │ │ │ ├── build.py │ │ │ │ │ ├── confidence.py │ │ │ │ │ ├── cse │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── embedder.py │ │ │ │ │ │ ├── utils.py │ │ │ │ │ │ ├── vertex_direct_embedder.py │ │ │ │ │ │ └── vertex_feature_embedder.py │ │ │ │ │ ├── densepose_checkpoint.py │ │ │ │ │ ├── filter.py │ │ │ │ │ ├── hrfpn.py │ │ │ │ │ ├── hrnet.py │ │ │ │ │ ├── inference.py │ │ │ │ │ ├── losses │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── chart.py │ │ │ │ │ │ ├── chart_with_confidences.py │ │ │ │ │ │ ├── cse.py │ │ │ │ │ │ ├── cycle_pix2shape.py │ │ │ │ │ │ ├── cycle_shape2shape.py │ │ │ │ │ │ ├── embed.py │ │ │ │ │ │ ├── embed_utils.py │ │ │ │ │ │ ├── mask.py │ │ │ │ │ │ ├── mask_or_segm.py │ │ │ │ │ │ ├── registry.py │ │ │ │ │ │ ├── segm.py │ │ │ │ │ │ ├── soft_embed.py │ │ │ │ │ │ └── utils.py │ │ │ │ │ ├── predictors │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── chart.py │ │ │ │ │ │ ├── chart_confidence.py │ │ │ │ │ │ ├── chart_with_confidence.py │ │ │ │ │ │ ├── cse.py │ │ │ │ │ │ ├── cse_confidence.py │ │ │ │ │ │ ├── cse_with_confidence.py │ │ │ │ │ │ └── registry.py │ │ │ │ │ ├── roi_heads │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── deeplab.py │ │ │ │ │ │ ├── registry.py │ │ │ │ │ │ ├── roi_head.py │ │ │ │ │ │ └── v1convx.py │ │ │ │ │ ├── test_time_augmentation.py │ │ │ │ │ └── utils.py │ │ │ │ ├── structures │ │ │ │ │ ├── __init__.py │ │ │ │ │ ├── chart.py │ │ │ │ │ ├── chart_confidence.py │ │ │ │ │ ├── chart_result.py │ │ │ │ │ ├── cse.py │ │ │ │ │ ├── cse_confidence.py │ │ │ │ │ ├── data_relative.py │ │ │ │ │ ├── list.py │ │ │ │ │ ├── mesh.py │ │ │ │ │ └── transform_data.py │ │ │ │ ├── utils │ │ │ │ │ ├── __init__.py │ │ │ │ │ ├── dbhelper.py │ │ │ │ │ ├── logger.py │ │ │ │ │ └── transform.py │ │ │ │ └── vis │ │ │ │ │ ├── __init__.py │ │ │ │ │ ├── base.py │ │ │ │ │ ├── bounding_box.py │ │ │ │ │ ├── densepose_data_points.py │ │ │ │ │ ├── densepose_outputs_iuv.py │ │ │ │ │ ├── densepose_outputs_vertex.py │ │ │ │ │ ├── densepose_results.py │ │ │ │ │ ├── densepose_results_textures.py │ │ │ │ │ └── extractor.py │ │ │ ├── dev │ │ │ │ ├── README.md │ │ │ │ ├── run_inference_tests.sh │ │ │ │ └── run_instant_tests.sh │ │ │ ├── doc │ │ │ │ ├── BOOTSTRAPPING_PIPELINE.md │ │ │ │ ├── DENSEPOSE_CSE.md │ │ │ │ ├── DENSEPOSE_DATASETS.md │ │ │ │ ├── DENSEPOSE_IUV.md │ │ │ │ ├── GETTING_STARTED.md │ │ │ │ ├── RELEASE_2020_04.md │ │ │ │ ├── RELEASE_2021_03.md │ │ │ │ ├── RELEASE_2021_06.md │ │ │ │ ├── TOOL_APPLY_NET.md │ │ │ │ └── TOOL_QUERY_DB.md │ │ │ ├── query_db.py │ │ │ ├── setup.py │ │ │ └── train_net.py │ │ ├── Panoptic-DeepLab │ │ │ ├── README.md │ │ │ ├── configs │ │ │ │ ├── COCO-PanopticSegmentation │ │ │ │ │ └── panoptic_deeplab_R_52_os16_mg124_poly_200k_bs64_crop_640_640_coco_dsconv.yaml │ │ │ │ └── Cityscapes-PanopticSegmentation │ │ │ │ │ ├── Base-PanopticDeepLab-OS16.yaml │ │ │ │ │ ├── panoptic_deeplab_R_52_os16_mg124_poly_90k_bs32_crop_512_1024.yaml │ │ │ │ │ └── panoptic_deeplab_R_52_os16_mg124_poly_90k_bs32_crop_512_1024_dsconv.yaml │ │ │ ├── panoptic_deeplab │ │ │ │ ├── __init__.py │ │ │ │ ├── config.py │ │ │ │ ├── dataset_mapper.py │ │ │ │ ├── panoptic_seg.py │ │ │ │ ├── post_processing.py │ │ │ │ └── target_generator.py │ │ │ └── train_net.py │ │ ├── PointRend │ │ │ ├── README.md │ │ │ ├── configs │ │ │ │ ├── InstanceSegmentation │ │ │ │ │ ├── Base-Implicit-PointRend.yaml │ │ │ │ │ ├── Base-PointRend-RCNN-FPN.yaml │ │ │ │ │ ├── implicit_pointrend_R_50_FPN_1x_coco.yaml │ │ │ │ │ ├── implicit_pointrend_R_50_FPN_3x_coco.yaml │ │ │ │ │ ├── pointrend_rcnn_R_101_FPN_3x_coco.yaml │ │ │ │ │ ├── pointrend_rcnn_R_50_FPN_1x_cityscapes.yaml │ │ │ │ │ ├── pointrend_rcnn_R_50_FPN_1x_coco.yaml │ │ │ │ │ ├── pointrend_rcnn_R_50_FPN_3x_coco.yaml │ │ │ │ │ └── pointrend_rcnn_X_101_32x8d_FPN_3x_coco.yaml │ │ │ │ └── SemanticSegmentation │ │ │ │ │ ├── Base-PointRend-Semantic-FPN.yaml │ │ │ │ │ └── pointrend_semantic_R_101_FPN_1x_cityscapes.yaml │ │ │ ├── point_rend │ │ │ │ ├── __init__.py │ │ │ │ ├── color_augmentation.py │ │ │ │ ├── config.py │ │ │ │ ├── mask_head.py │ │ │ │ ├── point_features.py │ │ │ │ ├── point_head.py │ │ │ │ ├── roi_heads.py │ │ │ │ └── semantic_seg.py │ │ │ └── train_net.py │ │ ├── PointSup │ │ │ ├── README.md │ │ │ ├── configs │ │ │ │ ├── implicit_pointrend_R_50_FPN_3x_point_sup_point_aug_coco.yaml │ │ │ │ ├── mask_rcnn_R_50_FPN_3x_point_sup_coco.yaml │ │ │ │ └── mask_rcnn_R_50_FPN_3x_point_sup_point_aug_coco.yaml │ │ │ ├── point_sup │ │ │ │ ├── __init__.py │ │ │ │ ├── config.py │ │ │ │ ├── dataset_mapper.py │ │ │ │ ├── detection_utils.py │ │ │ │ ├── mask_head.py │ │ │ │ ├── point_utils.py │ │ │ │ └── register_point_annotations.py │ │ │ ├── tools │ │ │ │ └── prepare_coco_point_annotations_without_masks.py │ │ │ └── train_net.py │ │ ├── README.md │ │ ├── Rethinking-BatchNorm │ │ │ ├── README.md │ │ │ ├── configs │ │ │ │ ├── mask_rcnn_BNhead.py │ │ │ │ ├── mask_rcnn_BNhead_batch_stats.py │ │ │ │ ├── mask_rcnn_BNhead_shuffle.py │ │ │ │ ├── mask_rcnn_SyncBNhead.py │ │ │ │ ├── retinanet_SyncBNhead.py │ │ │ │ └── retinanet_SyncBNhead_SharedTraining.py │ │ │ └── retinanet-eval-domain-specific.py │ │ ├── TensorMask │ │ │ ├── README.md │ │ │ ├── configs │ │ │ │ ├── Base-TensorMask.yaml │ │ │ │ ├── tensormask_R_50_FPN_1x.yaml │ │ │ │ └── tensormask_R_50_FPN_6x.yaml │ │ │ ├── setup.py │ │ │ ├── tensormask │ │ │ │ ├── __init__.py │ │ │ │ ├── arch.py │ │ │ │ ├── config.py │ │ │ │ └── layers │ │ │ │ │ ├── __init__.py │ │ │ │ │ ├── csrc │ │ │ │ │ ├── SwapAlign2Nat │ │ │ │ │ │ ├── SwapAlign2Nat.h │ │ │ │ │ │ └── SwapAlign2Nat_cuda.cu │ │ │ │ │ └── vision.cpp │ │ │ │ │ └── swap_align2nat.py │ │ │ └── train_net.py │ │ └── TridentNet │ │ │ ├── README.md │ │ │ ├── configs │ │ │ ├── Base-TridentNet-Fast-C4.yaml │ │ │ ├── tridentnet_fast_R_101_C4_3x.yaml │ │ │ ├── tridentnet_fast_R_50_C4_1x.yaml │ │ │ └── tridentnet_fast_R_50_C4_3x.yaml │ │ │ ├── train_net.py │ │ │ └── tridentnet │ │ │ ├── __init__.py │ │ │ ├── config.py │ │ │ ├── trident_backbone.py │ │ │ ├── trident_conv.py │ │ │ ├── trident_rcnn.py │ │ │ └── trident_rpn.py │ ├── setup.cfg │ ├── setup.py │ └── tools │ │ ├── README.md │ │ ├── __init__.py │ │ ├── analyze_model.py │ │ ├── benchmark.py │ │ ├── convert-torchvision-to-d2.py │ │ ├── deploy │ │ ├── CMakeLists.txt │ │ ├── README.md │ │ ├── export_model.py │ │ └── torchscript_mask_rcnn.cpp │ │ ├── lazyconfig_train_net.py │ │ ├── lightning_train_net.py │ │ ├── plain_train_net.py │ │ ├── train_net.py │ │ ├── visualize_data.py │ │ └── visualize_json_results.py └── lama │ ├── .gitignore │ ├── Dockerfile │ ├── LICENSE │ ├── README.md │ ├── big-lama-old │ └── config.yaml │ ├── bin │ ├── analyze_errors.py │ ├── blur_predicts.py │ ├── calc_dataset_stats.py │ ├── debug │ │ └── analyze_overlapping_masks.sh │ ├── evaluate_predicts.py │ ├── evaluator_example.py │ ├── extract_masks.py │ ├── filter_sharded_dataset.py │ ├── gen_debug_mask_dataset.py │ ├── gen_mask_dataset.py │ ├── gen_mask_dataset_hydra.py │ ├── gen_outpainting_dataset.py │ ├── make_checkpoint.py │ ├── mask_example.py │ ├── paper_runfiles │ │ ├── blur_tests.sh │ │ ├── env.sh │ │ ├── find_best_checkpoint.py │ │ ├── generate_test_celeba-hq.sh │ │ ├── generate_test_ffhq.sh │ │ ├── generate_test_paris.sh │ │ ├── generate_test_paris_256.sh │ │ ├── generate_val_test.sh │ │ ├── predict_inner_features.sh │ │ └── update_test_data_stats.sh │ ├── predict.py │ ├── predict_inner_features.py │ ├── report_from_tb.py │ ├── sample_from_dataset.py │ ├── side_by_side.py │ ├── split_tar.py │ ├── to_jit.py │ └── train.py │ ├── build.sh │ ├── colab │ └── LaMa_inpainting.ipynb │ ├── conda_env.yml │ ├── configs │ ├── analyze_mask_errors.yaml │ ├── data_gen │ │ ├── random_medium_256.yaml │ │ ├── random_medium_512.yaml │ │ ├── random_thick_256.yaml │ │ ├── random_thick_512.yaml │ │ ├── random_thin_256.yaml │ │ └── random_thin_512.yaml │ ├── debug_mask_gen.yaml │ ├── eval1.yaml │ ├── eval2.yaml │ ├── eval2_cpu.yaml │ ├── eval2_gpu.yaml │ ├── eval2_jpg.yaml │ ├── eval2_segm.yaml │ ├── eval2_segm_test.yaml │ ├── eval2_test.yaml │ ├── places2-categories_157.txt │ ├── prediction │ │ └── default.yaml │ ├── test_large_30k.lst │ └── training │ │ ├── ablv2_work.yaml │ │ ├── ablv2_work_ffc075.yaml │ │ ├── ablv2_work_md.yaml │ │ ├── ablv2_work_no_fm.yaml │ │ ├── ablv2_work_no_segmpl.yaml │ │ ├── ablv2_work_no_segmpl_csdilirpl.yaml │ │ ├── ablv2_work_no_segmpl_csdilirpl_celeba_csdilirpl1_new.yaml │ │ ├── ablv2_work_no_segmpl_csirpl.yaml │ │ ├── ablv2_work_no_segmpl_csirpl_celeba_csirpl03_new.yaml │ │ ├── ablv2_work_no_segmpl_vgg.yaml │ │ ├── ablv2_work_no_segmpl_vgg_celeba_l2_vgg003_new.yaml │ │ ├── ablv2_work_nodil_segmpl.yaml │ │ ├── ablv2_work_small_holes.yaml │ │ ├── big-lama-celeba.yaml │ │ ├── big-lama-regular-celeba.yaml │ │ ├── big-lama-regular.yaml │ │ ├── big-lama.yaml │ │ ├── data │ │ ├── abl-02-thin-bb.yaml │ │ ├── abl-04-256-mh-dist-celeba.yaml │ │ ├── abl-04-256-mh-dist-web.yaml │ │ ├── abl-04-256-mh-dist.yaml │ │ └── arkitscenes.yaml │ │ ├── discriminator │ │ └── pix2pixhd_nlayer.yaml │ │ ├── evaluator │ │ └── default_inpainted.yaml │ │ ├── generator │ │ ├── ffc_resnet_075.yaml │ │ ├── pix2pixhd_global.yaml │ │ ├── pix2pixhd_global_sigmoid.yaml │ │ └── pix2pixhd_multidilated_catin_4dil_9b.yaml │ │ ├── hydra │ │ ├── no_time.yaml │ │ └── overrides.yaml │ │ ├── lama-fourier-celeba.yaml │ │ ├── lama-fourier.yaml │ │ ├── lama-regular-celeba.yaml │ │ ├── lama-regular.yaml │ │ ├── lama-rgbd.yaml │ │ ├── lama_small_train_masks.yaml │ │ ├── location │ │ ├── arkitscenes.yaml │ │ ├── celeba_example.yaml │ │ ├── docker.yaml │ │ └── places_example.yaml │ │ ├── optimizers │ │ └── default_optimizers.yaml │ │ ├── trainer │ │ ├── any_gpu_large_ssim_ddp_final.yaml │ │ ├── any_gpu_large_ssim_ddp_final_benchmark.yaml │ │ └── any_gpu_large_ssim_ddp_final_celeba.yaml │ │ └── visualizer │ │ └── directory.yaml │ ├── docker │ ├── 1_generate_masks_from_raw_images.sh │ ├── 2_predict.sh │ ├── 3_evaluate.sh │ ├── Dockerfile │ ├── Dockerfile-cuda111 │ ├── build-cuda111.sh │ ├── build.sh │ └── entrypoint.sh │ ├── fetch_data │ ├── celebahq_dataset_prepare.sh │ ├── celebahq_gen_masks.sh │ ├── eval_sampler.py │ ├── places_challenge_train_download.sh │ ├── places_standard_evaluation_prepare_data.sh │ ├── places_standard_test_val_gen_masks.sh │ ├── places_standard_test_val_prepare.sh │ ├── places_standard_test_val_sample.sh │ ├── places_standard_train_prepare.sh │ ├── sampler.py │ ├── train_shuffled.flist │ └── val_shuffled.flist │ ├── models │ ├── ade20k │ │ ├── __init__.py │ │ ├── base.py │ │ ├── color150.mat │ │ ├── mobilenet.py │ │ ├── object150_info.csv │ │ ├── resnet.py │ │ ├── segm_lib │ │ │ ├── nn │ │ │ │ ├── __init__.py │ │ │ │ ├── modules │ │ │ │ │ ├── __init__.py │ │ │ │ │ ├── batchnorm.py │ │ │ │ │ ├── comm.py │ │ │ │ │ ├── replicate.py │ │ │ │ │ └── unittest.py │ │ │ │ └── parallel │ │ │ │ │ ├── __init__.py │ │ │ │ │ └── data_parallel.py │ │ │ └── utils │ │ │ │ ├── __init__.py │ │ │ │ ├── data │ │ │ │ ├── __init__.py │ │ │ │ ├── dataloader.py │ │ │ │ ├── dataset.py │ │ │ │ ├── distributed.py │ │ │ │ └── sampler.py │ │ │ │ └── th.py │ │ └── utils.py │ └── lpips_models │ │ ├── alex.pth │ │ ├── squeeze.pth │ │ └── vgg.pth │ ├── pipelines_at_niantic │ └── pipeline.py │ ├── prepare_depth_custom.py │ ├── prepare_images_custom.py │ ├── requirements.txt │ ├── run.sh │ ├── run_depth_custom.py │ ├── run_images_custom.py │ └── saicinpainting │ ├── __init__.py │ ├── evaluation │ ├── __init__.py │ ├── data.py │ ├── evaluator.py │ ├── losses │ │ ├── __init__.py │ │ ├── base_loss.py │ │ ├── fid │ │ │ ├── __init__.py │ │ │ ├── fid_score.py │ │ │ └── inception.py │ │ ├── lpips.py │ │ └── ssim.py │ ├── masks │ │ ├── README.md │ │ ├── __init__.py │ │ ├── countless │ │ │ ├── .gitignore │ │ │ ├── README.md │ │ │ ├── __init__.py │ │ │ ├── countless2d.py │ │ │ ├── countless3d.py │ │ │ ├── images │ │ │ │ └── gcim.jpg │ │ │ ├── requirements.txt │ │ │ └── test.py │ │ └── mask.py │ ├── utils.py │ └── vis.py │ ├── training │ ├── __init__.py │ ├── data │ │ ├── __init__.py │ │ ├── aug.py │ │ ├── datasets.py │ │ └── masks.py │ ├── losses │ │ ├── __init__.py │ │ ├── adversarial.py │ │ ├── constants.py │ │ ├── distance_weighting.py │ │ ├── feature_matching.py │ │ ├── perceptual.py │ │ ├── segmentation.py │ │ └── style_loss.py │ ├── modules │ │ ├── __init__.py │ │ ├── base.py │ │ ├── depthwise_sep_conv.py │ │ ├── fake_fakes.py │ │ ├── ffc.py │ │ ├── multidilated_conv.py │ │ ├── multiscale.py │ │ ├── pix2pixhd.py │ │ ├── spatial_transform.py │ │ └── squeeze_excitation.py │ ├── trainers │ │ ├── __init__.py │ │ ├── base.py │ │ ├── default.py │ │ ├── rgbd.py │ │ └── rgbd_base.py │ └── visualizers │ │ ├── __init__.py │ │ ├── base.py │ │ ├── colors.py │ │ ├── directory.py │ │ └── noop.py │ └── utils.py ├── install.sh ├── model ├── Dockerfile ├── Dockerfile_jax ├── README.md ├── __init__.py ├── configs │ ├── custom │ │ └── default.gin │ └── custom_synthetic │ │ └── default.gin ├── eval.py ├── eval_train.py ├── internal │ ├── configs.py │ ├── datasets.py │ ├── math.py │ ├── mip.py │ ├── models.py │ ├── spacing.py │ ├── utils.py │ └── vis.py ├── render.py └── train.py ├── notebooks ├── vis_experiment.ipynb ├── vis_inpaintings.ipynb └── vis_results.ipynb ├── preprocessing ├── README.md ├── convert_colmap_to_nerf.py ├── convert_colmap_to_nerf_synthetic.py └── utils.py ├── requirements.txt ├── requirements_v2.txt ├── run_real.sh ├── run_synthetic.sh ├── test_real.sh └── test_synthetic.sh /.dockerignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/.dockerignore -------------------------------------------------------------------------------- /.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/.gitignore -------------------------------------------------------------------------------- /.gitmodules: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/.gitmodules -------------------------------------------------------------------------------- /LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/LICENSE -------------------------------------------------------------------------------- /README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/README.md -------------------------------------------------------------------------------- /assets/teaser.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/assets/teaser.png -------------------------------------------------------------------------------- /docker/Dockerfile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/docker/Dockerfile -------------------------------------------------------------------------------- /docker/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/docker/README.md -------------------------------------------------------------------------------- /docker/build_docker.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/docker/build_docker.sh -------------------------------------------------------------------------------- /docker/example_call_in_docker.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/docker/example_call_in_docker.sh -------------------------------------------------------------------------------- /docker/run_docker.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/docker/run_docker.sh -------------------------------------------------------------------------------- /environment.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/environment.yml -------------------------------------------------------------------------------- /evaluation/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /evaluation/eval.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/evaluation/eval.py -------------------------------------------------------------------------------- /external/ARKitScenes/.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/ARKitScenes/.gitignore -------------------------------------------------------------------------------- /external/ARKitScenes/ACKNOWLEDGEMENTS.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/ARKitScenes/ACKNOWLEDGEMENTS.txt -------------------------------------------------------------------------------- /external/ARKitScenes/CODE_OF_CONDUCT.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/ARKitScenes/CODE_OF_CONDUCT.md -------------------------------------------------------------------------------- /external/ARKitScenes/CONTRIBUTING.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/ARKitScenes/CONTRIBUTING.md -------------------------------------------------------------------------------- /external/ARKitScenes/DATA.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/ARKitScenes/DATA.md -------------------------------------------------------------------------------- /external/ARKitScenes/LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/ARKitScenes/LICENSE -------------------------------------------------------------------------------- /external/ARKitScenes/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/ARKitScenes/README.md -------------------------------------------------------------------------------- /external/ARKitScenes/depth_upsampling/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/ARKitScenes/depth_upsampling/README.md -------------------------------------------------------------------------------- /external/ARKitScenes/depth_upsampling/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /external/ARKitScenes/depth_upsampling/data_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/ARKitScenes/depth_upsampling/data_utils.py -------------------------------------------------------------------------------- /external/ARKitScenes/depth_upsampling/dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/ARKitScenes/depth_upsampling/dataset.py -------------------------------------------------------------------------------- /external/ARKitScenes/depth_upsampling/dataset_keys.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/ARKitScenes/depth_upsampling/dataset_keys.py -------------------------------------------------------------------------------- /external/ARKitScenes/depth_upsampling/image_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/ARKitScenes/depth_upsampling/image_utils.py -------------------------------------------------------------------------------- /external/ARKitScenes/depth_upsampling/logs/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /external/ARKitScenes/depth_upsampling/logs/eval.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/ARKitScenes/depth_upsampling/logs/eval.py -------------------------------------------------------------------------------- /external/ARKitScenes/depth_upsampling/logs/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/ARKitScenes/depth_upsampling/logs/train.py -------------------------------------------------------------------------------- /external/ARKitScenes/depth_upsampling/losses/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/ARKitScenes/depth_upsampling/losses/__init__.py -------------------------------------------------------------------------------- /external/ARKitScenes/depth_upsampling/losses/gradient_loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/ARKitScenes/depth_upsampling/losses/gradient_loss.py -------------------------------------------------------------------------------- /external/ARKitScenes/depth_upsampling/losses/l1_loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/ARKitScenes/depth_upsampling/losses/l1_loss.py -------------------------------------------------------------------------------- /external/ARKitScenes/depth_upsampling/losses/rmse.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/ARKitScenes/depth_upsampling/losses/rmse.py -------------------------------------------------------------------------------- /external/ARKitScenes/depth_upsampling/models/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/ARKitScenes/depth_upsampling/models/__init__.py -------------------------------------------------------------------------------- /external/ARKitScenes/depth_upsampling/models/msg/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /external/ARKitScenes/depth_upsampling/models/msg/blocks.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/ARKitScenes/depth_upsampling/models/msg/blocks.py -------------------------------------------------------------------------------- /external/ARKitScenes/depth_upsampling/models/msg/msg.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/ARKitScenes/depth_upsampling/models/msg/msg.py -------------------------------------------------------------------------------- /external/ARKitScenes/depth_upsampling/models/mspf/MultiScaleDepthSR.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/ARKitScenes/depth_upsampling/models/mspf/MultiScaleDepthSR.py -------------------------------------------------------------------------------- /external/ARKitScenes/depth_upsampling/models/mspf/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /external/ARKitScenes/depth_upsampling/models/mspf/blocks/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /external/ARKitScenes/depth_upsampling/models/mspf/blocks/dense_net.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/ARKitScenes/depth_upsampling/models/mspf/blocks/dense_net.py -------------------------------------------------------------------------------- /external/ARKitScenes/depth_upsampling/models/mspf/densenet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/ARKitScenes/depth_upsampling/models/mspf/densenet.py -------------------------------------------------------------------------------- /external/ARKitScenes/depth_upsampling/models/mspf/mspf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/ARKitScenes/depth_upsampling/models/mspf/mspf.py -------------------------------------------------------------------------------- /external/ARKitScenes/depth_upsampling/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/ARKitScenes/depth_upsampling/requirements.txt -------------------------------------------------------------------------------- /external/ARKitScenes/depth_upsampling/sample_vis.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/ARKitScenes/depth_upsampling/sample_vis.py -------------------------------------------------------------------------------- /external/ARKitScenes/depth_upsampling/sampler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/ARKitScenes/depth_upsampling/sampler.py -------------------------------------------------------------------------------- /external/ARKitScenes/depth_upsampling/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/ARKitScenes/depth_upsampling/train.py -------------------------------------------------------------------------------- /external/ARKitScenes/depth_upsampling/train.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/ARKitScenes/depth_upsampling/train.sh -------------------------------------------------------------------------------- /external/ARKitScenes/depth_upsampling/transfroms/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/ARKitScenes/depth_upsampling/transfroms/__init__.py -------------------------------------------------------------------------------- /external/ARKitScenes/depth_upsampling/transfroms/ascontiguousarray.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/ARKitScenes/depth_upsampling/transfroms/ascontiguousarray.py -------------------------------------------------------------------------------- /external/ARKitScenes/depth_upsampling/transfroms/dilate_valid_mask.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/ARKitScenes/depth_upsampling/transfroms/dilate_valid_mask.py -------------------------------------------------------------------------------- /external/ARKitScenes/depth_upsampling/transfroms/mod_crop.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/ARKitScenes/depth_upsampling/transfroms/mod_crop.py -------------------------------------------------------------------------------- /external/ARKitScenes/depth_upsampling/transfroms/random_crop.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/ARKitScenes/depth_upsampling/transfroms/random_crop.py -------------------------------------------------------------------------------- /external/ARKitScenes/depth_upsampling/transfroms/random_fliplr.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/ARKitScenes/depth_upsampling/transfroms/random_fliplr.py -------------------------------------------------------------------------------- /external/ARKitScenes/depth_upsampling/transfroms/valid_depth_mask.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/ARKitScenes/depth_upsampling/transfroms/valid_depth_mask.py -------------------------------------------------------------------------------- /external/ARKitScenes/depth_upsampling/upsampling_train_val_splits.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/ARKitScenes/depth_upsampling/upsampling_train_val_splits.csv -------------------------------------------------------------------------------- /external/ARKitScenes/download_data.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/ARKitScenes/download_data.py -------------------------------------------------------------------------------- /external/ARKitScenes/raw/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/ARKitScenes/raw/README.md -------------------------------------------------------------------------------- /external/ARKitScenes/raw/raw_train_val_splits.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/ARKitScenes/raw/raw_train_val_splits.csv -------------------------------------------------------------------------------- /external/ARKitScenes/threedod/3dod_train_val_splits.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/ARKitScenes/threedod/3dod_train_val_splits.csv -------------------------------------------------------------------------------- /external/ARKitScenes/threedod/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/ARKitScenes/threedod/README.md -------------------------------------------------------------------------------- /external/ARKitScenes/threedod/benchmark_scripts/data_prepare_offline.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/ARKitScenes/threedod/benchmark_scripts/data_prepare_offline.py -------------------------------------------------------------------------------- /external/ARKitScenes/threedod/benchmark_scripts/data_prepare_online.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/ARKitScenes/threedod/benchmark_scripts/data_prepare_online.py -------------------------------------------------------------------------------- /external/ARKitScenes/threedod/benchmark_scripts/demo_eval.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/ARKitScenes/threedod/benchmark_scripts/demo_eval.py -------------------------------------------------------------------------------- /external/ARKitScenes/threedod/benchmark_scripts/prepare_votes.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/ARKitScenes/threedod/benchmark_scripts/prepare_votes.py -------------------------------------------------------------------------------- /external/ARKitScenes/threedod/benchmark_scripts/utils/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/ARKitScenes/threedod/benchmark_scripts/utils/__init__.py -------------------------------------------------------------------------------- /external/ARKitScenes/threedod/benchmark_scripts/utils/box_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/ARKitScenes/threedod/benchmark_scripts/utils/box_utils.py -------------------------------------------------------------------------------- /external/ARKitScenes/threedod/benchmark_scripts/utils/eval_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/ARKitScenes/threedod/benchmark_scripts/utils/eval_utils.py -------------------------------------------------------------------------------- /external/ARKitScenes/threedod/benchmark_scripts/utils/pc_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/ARKitScenes/threedod/benchmark_scripts/utils/pc_utils.py -------------------------------------------------------------------------------- /external/ARKitScenes/threedod/benchmark_scripts/utils/rotation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/ARKitScenes/threedod/benchmark_scripts/utils/rotation.py -------------------------------------------------------------------------------- /external/ARKitScenes/threedod/benchmark_scripts/utils/taxonomy.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/ARKitScenes/threedod/benchmark_scripts/utils/taxonomy.py -------------------------------------------------------------------------------- /external/ARKitScenes/threedod/benchmark_scripts/utils/tenFpsDataLoader.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/ARKitScenes/threedod/benchmark_scripts/utils/tenFpsDataLoader.py -------------------------------------------------------------------------------- /external/ARKitScenes/threedod/benchmark_scripts/utils/visual_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/ARKitScenes/threedod/benchmark_scripts/utils/visual_utils.py -------------------------------------------------------------------------------- /external/ARKitScenes/threedod/python_venv_setup.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/ARKitScenes/threedod/python_venv_setup.sh -------------------------------------------------------------------------------- /external/ARKitScenes/threedod/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/ARKitScenes/threedod/requirements.txt -------------------------------------------------------------------------------- /external/detectron2/.circleci/config.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/.circleci/config.yml -------------------------------------------------------------------------------- /external/detectron2/.circleci/import-tests.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/.circleci/import-tests.sh -------------------------------------------------------------------------------- /external/detectron2/.clang-format: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/.clang-format -------------------------------------------------------------------------------- /external/detectron2/.flake8: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/.flake8 -------------------------------------------------------------------------------- /external/detectron2/.github/CODE_OF_CONDUCT.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/.github/CODE_OF_CONDUCT.md -------------------------------------------------------------------------------- /external/detectron2/.github/CONTRIBUTING.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/.github/CONTRIBUTING.md -------------------------------------------------------------------------------- /external/detectron2/.github/Detectron2-Logo-Horz.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/.github/Detectron2-Logo-Horz.svg -------------------------------------------------------------------------------- /external/detectron2/.github/ISSUE_TEMPLATE.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/.github/ISSUE_TEMPLATE.md -------------------------------------------------------------------------------- /external/detectron2/.github/ISSUE_TEMPLATE/bugs.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/.github/ISSUE_TEMPLATE/bugs.md -------------------------------------------------------------------------------- /external/detectron2/.github/ISSUE_TEMPLATE/config.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/.github/ISSUE_TEMPLATE/config.yml -------------------------------------------------------------------------------- /external/detectron2/.github/ISSUE_TEMPLATE/documentation.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/.github/ISSUE_TEMPLATE/documentation.md -------------------------------------------------------------------------------- /external/detectron2/.github/ISSUE_TEMPLATE/feature-request.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/.github/ISSUE_TEMPLATE/feature-request.md -------------------------------------------------------------------------------- /external/detectron2/.github/ISSUE_TEMPLATE/unexpected-problems-bugs.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/.github/ISSUE_TEMPLATE/unexpected-problems-bugs.md -------------------------------------------------------------------------------- /external/detectron2/.github/pull_request_template.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/.github/pull_request_template.md -------------------------------------------------------------------------------- /external/detectron2/.github/workflows/check-template.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/.github/workflows/check-template.yml -------------------------------------------------------------------------------- /external/detectron2/.github/workflows/levenshtein.js: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/.github/workflows/levenshtein.js -------------------------------------------------------------------------------- /external/detectron2/.github/workflows/needs-reply.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/.github/workflows/needs-reply.yml -------------------------------------------------------------------------------- /external/detectron2/.github/workflows/remove-needs-reply.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/.github/workflows/remove-needs-reply.yml -------------------------------------------------------------------------------- /external/detectron2/.github/workflows/workflow.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/.github/workflows/workflow.yml -------------------------------------------------------------------------------- /external/detectron2/.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/.gitignore -------------------------------------------------------------------------------- /external/detectron2/GETTING_STARTED.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/GETTING_STARTED.md -------------------------------------------------------------------------------- /external/detectron2/INSTALL.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/INSTALL.md -------------------------------------------------------------------------------- /external/detectron2/LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/LICENSE -------------------------------------------------------------------------------- /external/detectron2/MODEL_ZOO.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/MODEL_ZOO.md -------------------------------------------------------------------------------- /external/detectron2/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/README.md -------------------------------------------------------------------------------- /external/detectron2/configs/Base-RCNN-C4.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/configs/Base-RCNN-C4.yaml -------------------------------------------------------------------------------- /external/detectron2/configs/Base-RCNN-DilatedC5.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/configs/Base-RCNN-DilatedC5.yaml -------------------------------------------------------------------------------- /external/detectron2/configs/Base-RCNN-FPN.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/configs/Base-RCNN-FPN.yaml -------------------------------------------------------------------------------- /external/detectron2/configs/Base-RetinaNet.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/configs/Base-RetinaNet.yaml -------------------------------------------------------------------------------- /external/detectron2/configs/COCO-Detection/fast_rcnn_R_50_FPN_1x.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/configs/COCO-Detection/fast_rcnn_R_50_FPN_1x.yaml -------------------------------------------------------------------------------- /external/detectron2/configs/COCO-Detection/faster_rcnn_R_101_C4_3x.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/configs/COCO-Detection/faster_rcnn_R_101_C4_3x.yaml -------------------------------------------------------------------------------- /external/detectron2/configs/COCO-Detection/faster_rcnn_R_101_DC5_3x.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/configs/COCO-Detection/faster_rcnn_R_101_DC5_3x.yaml -------------------------------------------------------------------------------- /external/detectron2/configs/COCO-Detection/faster_rcnn_R_101_FPN_3x.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/configs/COCO-Detection/faster_rcnn_R_101_FPN_3x.yaml -------------------------------------------------------------------------------- /external/detectron2/configs/COCO-Detection/faster_rcnn_R_50_C4_1x.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/configs/COCO-Detection/faster_rcnn_R_50_C4_1x.yaml -------------------------------------------------------------------------------- /external/detectron2/configs/COCO-Detection/faster_rcnn_R_50_C4_3x.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/configs/COCO-Detection/faster_rcnn_R_50_C4_3x.yaml -------------------------------------------------------------------------------- /external/detectron2/configs/COCO-Detection/faster_rcnn_R_50_DC5_1x.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/configs/COCO-Detection/faster_rcnn_R_50_DC5_1x.yaml -------------------------------------------------------------------------------- /external/detectron2/configs/COCO-Detection/faster_rcnn_R_50_DC5_3x.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/configs/COCO-Detection/faster_rcnn_R_50_DC5_3x.yaml -------------------------------------------------------------------------------- /external/detectron2/configs/COCO-Detection/faster_rcnn_R_50_FPN_1x.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/configs/COCO-Detection/faster_rcnn_R_50_FPN_1x.yaml -------------------------------------------------------------------------------- /external/detectron2/configs/COCO-Detection/faster_rcnn_R_50_FPN_3x.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/configs/COCO-Detection/faster_rcnn_R_50_FPN_3x.yaml -------------------------------------------------------------------------------- /external/detectron2/configs/COCO-Detection/fcos_R_50_FPN_1x.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/configs/COCO-Detection/fcos_R_50_FPN_1x.py -------------------------------------------------------------------------------- /external/detectron2/configs/COCO-Detection/retinanet_R_101_FPN_3x.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/configs/COCO-Detection/retinanet_R_101_FPN_3x.yaml -------------------------------------------------------------------------------- /external/detectron2/configs/COCO-Detection/retinanet_R_50_FPN_1x.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/configs/COCO-Detection/retinanet_R_50_FPN_1x.py -------------------------------------------------------------------------------- /external/detectron2/configs/COCO-Detection/retinanet_R_50_FPN_1x.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/configs/COCO-Detection/retinanet_R_50_FPN_1x.yaml -------------------------------------------------------------------------------- /external/detectron2/configs/COCO-Detection/retinanet_R_50_FPN_3x.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/configs/COCO-Detection/retinanet_R_50_FPN_3x.yaml -------------------------------------------------------------------------------- /external/detectron2/configs/COCO-Detection/rpn_R_50_C4_1x.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/configs/COCO-Detection/rpn_R_50_C4_1x.yaml -------------------------------------------------------------------------------- /external/detectron2/configs/COCO-Detection/rpn_R_50_FPN_1x.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/configs/COCO-Detection/rpn_R_50_FPN_1x.yaml -------------------------------------------------------------------------------- /external/detectron2/configs/COCO-Keypoints/Base-Keypoint-RCNN-FPN.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/configs/COCO-Keypoints/Base-Keypoint-RCNN-FPN.yaml -------------------------------------------------------------------------------- /external/detectron2/configs/COCO-Keypoints/keypoint_rcnn_R_50_FPN_1x.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/configs/COCO-Keypoints/keypoint_rcnn_R_50_FPN_1x.py -------------------------------------------------------------------------------- /external/detectron2/configs/COCO-Keypoints/keypoint_rcnn_R_50_FPN_1x.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/configs/COCO-Keypoints/keypoint_rcnn_R_50_FPN_1x.yaml -------------------------------------------------------------------------------- /external/detectron2/configs/COCO-Keypoints/keypoint_rcnn_R_50_FPN_3x.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/configs/COCO-Keypoints/keypoint_rcnn_R_50_FPN_3x.yaml -------------------------------------------------------------------------------- /external/detectron2/configs/Cityscapes/mask_rcnn_R_50_FPN.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/configs/Cityscapes/mask_rcnn_R_50_FPN.yaml -------------------------------------------------------------------------------- /external/detectron2/configs/Detectron1-Comparisons/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/configs/Detectron1-Comparisons/README.md -------------------------------------------------------------------------------- /external/detectron2/configs/Misc/cascade_mask_rcnn_R_50_FPN_1x.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/configs/Misc/cascade_mask_rcnn_R_50_FPN_1x.yaml -------------------------------------------------------------------------------- /external/detectron2/configs/Misc/cascade_mask_rcnn_R_50_FPN_3x.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/configs/Misc/cascade_mask_rcnn_R_50_FPN_3x.yaml -------------------------------------------------------------------------------- /external/detectron2/configs/Misc/mask_rcnn_R_50_FPN_1x_cls_agnostic.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/configs/Misc/mask_rcnn_R_50_FPN_1x_cls_agnostic.yaml -------------------------------------------------------------------------------- /external/detectron2/configs/Misc/mask_rcnn_R_50_FPN_1x_dconv_c3-c5.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/configs/Misc/mask_rcnn_R_50_FPN_1x_dconv_c3-c5.yaml -------------------------------------------------------------------------------- /external/detectron2/configs/Misc/mask_rcnn_R_50_FPN_3x_dconv_c3-c5.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/configs/Misc/mask_rcnn_R_50_FPN_3x_dconv_c3-c5.yaml -------------------------------------------------------------------------------- /external/detectron2/configs/Misc/mask_rcnn_R_50_FPN_3x_gn.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/configs/Misc/mask_rcnn_R_50_FPN_3x_gn.yaml -------------------------------------------------------------------------------- /external/detectron2/configs/Misc/mask_rcnn_R_50_FPN_3x_syncbn.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/configs/Misc/mask_rcnn_R_50_FPN_3x_syncbn.yaml -------------------------------------------------------------------------------- /external/detectron2/configs/Misc/mmdet_mask_rcnn_R_50_FPN_1x.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/configs/Misc/mmdet_mask_rcnn_R_50_FPN_1x.py -------------------------------------------------------------------------------- /external/detectron2/configs/Misc/scratch_mask_rcnn_R_50_FPN_3x_gn.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/configs/Misc/scratch_mask_rcnn_R_50_FPN_3x_gn.yaml -------------------------------------------------------------------------------- /external/detectron2/configs/Misc/scratch_mask_rcnn_R_50_FPN_9x_gn.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/configs/Misc/scratch_mask_rcnn_R_50_FPN_9x_gn.yaml -------------------------------------------------------------------------------- /external/detectron2/configs/Misc/semantic_R_50_FPN_1x.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/configs/Misc/semantic_R_50_FPN_1x.yaml -------------------------------------------------------------------------------- /external/detectron2/configs/Misc/torchvision_imagenet_R_50.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/configs/Misc/torchvision_imagenet_R_50.py -------------------------------------------------------------------------------- /external/detectron2/configs/PascalVOC-Detection/faster_rcnn_R_50_C4.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/configs/PascalVOC-Detection/faster_rcnn_R_50_C4.yaml -------------------------------------------------------------------------------- /external/detectron2/configs/PascalVOC-Detection/faster_rcnn_R_50_FPN.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/configs/PascalVOC-Detection/faster_rcnn_R_50_FPN.yaml -------------------------------------------------------------------------------- /external/detectron2/configs/common/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/configs/common/README.md -------------------------------------------------------------------------------- /external/detectron2/configs/common/coco_schedule.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/configs/common/coco_schedule.py -------------------------------------------------------------------------------- /external/detectron2/configs/common/data/coco.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/configs/common/data/coco.py -------------------------------------------------------------------------------- /external/detectron2/configs/common/data/coco_keypoint.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/configs/common/data/coco_keypoint.py -------------------------------------------------------------------------------- /external/detectron2/configs/common/data/coco_panoptic_separated.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/configs/common/data/coco_panoptic_separated.py -------------------------------------------------------------------------------- /external/detectron2/configs/common/models/cascade_rcnn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/configs/common/models/cascade_rcnn.py -------------------------------------------------------------------------------- /external/detectron2/configs/common/models/fcos.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/configs/common/models/fcos.py -------------------------------------------------------------------------------- /external/detectron2/configs/common/models/keypoint_rcnn_fpn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/configs/common/models/keypoint_rcnn_fpn.py -------------------------------------------------------------------------------- /external/detectron2/configs/common/models/mask_rcnn_c4.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/configs/common/models/mask_rcnn_c4.py -------------------------------------------------------------------------------- /external/detectron2/configs/common/models/mask_rcnn_fpn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/configs/common/models/mask_rcnn_fpn.py -------------------------------------------------------------------------------- /external/detectron2/configs/common/models/panoptic_fpn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/configs/common/models/panoptic_fpn.py -------------------------------------------------------------------------------- /external/detectron2/configs/common/models/retinanet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/configs/common/models/retinanet.py -------------------------------------------------------------------------------- /external/detectron2/configs/common/optim.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/configs/common/optim.py -------------------------------------------------------------------------------- /external/detectron2/configs/common/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/configs/common/train.py -------------------------------------------------------------------------------- /external/detectron2/configs/new_baselines/mask_rcnn_R_50_FPN_100ep_LSJ.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/configs/new_baselines/mask_rcnn_R_50_FPN_100ep_LSJ.py -------------------------------------------------------------------------------- /external/detectron2/configs/new_baselines/mask_rcnn_R_50_FPN_200ep_LSJ.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/configs/new_baselines/mask_rcnn_R_50_FPN_200ep_LSJ.py -------------------------------------------------------------------------------- /external/detectron2/configs/new_baselines/mask_rcnn_R_50_FPN_400ep_LSJ.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/configs/new_baselines/mask_rcnn_R_50_FPN_400ep_LSJ.py -------------------------------------------------------------------------------- /external/detectron2/configs/new_baselines/mask_rcnn_R_50_FPN_50ep_LSJ.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/configs/new_baselines/mask_rcnn_R_50_FPN_50ep_LSJ.py -------------------------------------------------------------------------------- /external/detectron2/configs/quick_schedules/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/configs/quick_schedules/README.md -------------------------------------------------------------------------------- /external/detectron2/datasets/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/datasets/README.md -------------------------------------------------------------------------------- /external/detectron2/datasets/prepare_ade20k_sem_seg.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/datasets/prepare_ade20k_sem_seg.py -------------------------------------------------------------------------------- /external/detectron2/datasets/prepare_cocofied_lvis.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/datasets/prepare_cocofied_lvis.py -------------------------------------------------------------------------------- /external/detectron2/datasets/prepare_for_tests.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/datasets/prepare_for_tests.sh -------------------------------------------------------------------------------- /external/detectron2/datasets/prepare_panoptic_fpn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/datasets/prepare_panoptic_fpn.py -------------------------------------------------------------------------------- /external/detectron2/demo/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/demo/README.md -------------------------------------------------------------------------------- /external/detectron2/demo/demo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/demo/demo.py -------------------------------------------------------------------------------- /external/detectron2/demo/predictor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/demo/predictor.py -------------------------------------------------------------------------------- /external/detectron2/detectron2/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/detectron2/__init__.py -------------------------------------------------------------------------------- /external/detectron2/detectron2/checkpoint/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/detectron2/checkpoint/__init__.py -------------------------------------------------------------------------------- /external/detectron2/detectron2/checkpoint/c2_model_loading.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/detectron2/checkpoint/c2_model_loading.py -------------------------------------------------------------------------------- /external/detectron2/detectron2/checkpoint/catalog.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/detectron2/checkpoint/catalog.py -------------------------------------------------------------------------------- /external/detectron2/detectron2/checkpoint/detection_checkpoint.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/detectron2/checkpoint/detection_checkpoint.py -------------------------------------------------------------------------------- /external/detectron2/detectron2/config/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/detectron2/config/__init__.py -------------------------------------------------------------------------------- /external/detectron2/detectron2/config/compat.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/detectron2/config/compat.py -------------------------------------------------------------------------------- /external/detectron2/detectron2/config/config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/detectron2/config/config.py -------------------------------------------------------------------------------- /external/detectron2/detectron2/config/defaults.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/detectron2/config/defaults.py -------------------------------------------------------------------------------- /external/detectron2/detectron2/config/instantiate.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/detectron2/config/instantiate.py -------------------------------------------------------------------------------- /external/detectron2/detectron2/config/lazy.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/detectron2/config/lazy.py -------------------------------------------------------------------------------- /external/detectron2/detectron2/data/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/detectron2/data/__init__.py -------------------------------------------------------------------------------- /external/detectron2/detectron2/data/benchmark.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/detectron2/data/benchmark.py -------------------------------------------------------------------------------- /external/detectron2/detectron2/data/build.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/detectron2/data/build.py -------------------------------------------------------------------------------- /external/detectron2/detectron2/data/catalog.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/detectron2/data/catalog.py -------------------------------------------------------------------------------- /external/detectron2/detectron2/data/common.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/detectron2/data/common.py -------------------------------------------------------------------------------- /external/detectron2/detectron2/data/dataset_mapper.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/detectron2/data/dataset_mapper.py -------------------------------------------------------------------------------- /external/detectron2/detectron2/data/datasets/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/detectron2/data/datasets/README.md -------------------------------------------------------------------------------- /external/detectron2/detectron2/data/datasets/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/detectron2/data/datasets/__init__.py -------------------------------------------------------------------------------- /external/detectron2/detectron2/data/datasets/builtin.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/detectron2/data/datasets/builtin.py -------------------------------------------------------------------------------- /external/detectron2/detectron2/data/datasets/builtin_meta.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/detectron2/data/datasets/builtin_meta.py -------------------------------------------------------------------------------- /external/detectron2/detectron2/data/datasets/cityscapes.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/detectron2/data/datasets/cityscapes.py -------------------------------------------------------------------------------- /external/detectron2/detectron2/data/datasets/cityscapes_panoptic.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/detectron2/data/datasets/cityscapes_panoptic.py -------------------------------------------------------------------------------- /external/detectron2/detectron2/data/datasets/coco.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/detectron2/data/datasets/coco.py -------------------------------------------------------------------------------- /external/detectron2/detectron2/data/datasets/coco_panoptic.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/detectron2/data/datasets/coco_panoptic.py -------------------------------------------------------------------------------- /external/detectron2/detectron2/data/datasets/lvis.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/detectron2/data/datasets/lvis.py -------------------------------------------------------------------------------- /external/detectron2/detectron2/data/datasets/lvis_v0_5_categories.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/detectron2/data/datasets/lvis_v0_5_categories.py -------------------------------------------------------------------------------- /external/detectron2/detectron2/data/datasets/lvis_v1_categories.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/detectron2/data/datasets/lvis_v1_categories.py -------------------------------------------------------------------------------- /external/detectron2/detectron2/data/datasets/pascal_voc.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/detectron2/data/datasets/pascal_voc.py -------------------------------------------------------------------------------- /external/detectron2/detectron2/data/datasets/register_coco.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/detectron2/data/datasets/register_coco.py -------------------------------------------------------------------------------- /external/detectron2/detectron2/data/detection_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/detectron2/data/detection_utils.py -------------------------------------------------------------------------------- /external/detectron2/detectron2/data/samplers/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/detectron2/data/samplers/__init__.py -------------------------------------------------------------------------------- /external/detectron2/detectron2/data/samplers/distributed_sampler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/detectron2/data/samplers/distributed_sampler.py -------------------------------------------------------------------------------- /external/detectron2/detectron2/data/samplers/grouped_batch_sampler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/detectron2/data/samplers/grouped_batch_sampler.py -------------------------------------------------------------------------------- /external/detectron2/detectron2/data/transforms/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/detectron2/data/transforms/__init__.py -------------------------------------------------------------------------------- /external/detectron2/detectron2/data/transforms/augmentation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/detectron2/data/transforms/augmentation.py -------------------------------------------------------------------------------- /external/detectron2/detectron2/data/transforms/augmentation_impl.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/detectron2/data/transforms/augmentation_impl.py -------------------------------------------------------------------------------- /external/detectron2/detectron2/data/transforms/transform.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/detectron2/data/transforms/transform.py -------------------------------------------------------------------------------- /external/detectron2/detectron2/engine/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/detectron2/engine/__init__.py -------------------------------------------------------------------------------- /external/detectron2/detectron2/engine/defaults.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/detectron2/engine/defaults.py -------------------------------------------------------------------------------- /external/detectron2/detectron2/engine/hooks.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/detectron2/engine/hooks.py -------------------------------------------------------------------------------- /external/detectron2/detectron2/engine/launch.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/detectron2/engine/launch.py -------------------------------------------------------------------------------- /external/detectron2/detectron2/engine/train_loop.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/detectron2/engine/train_loop.py -------------------------------------------------------------------------------- /external/detectron2/detectron2/evaluation/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/detectron2/evaluation/__init__.py -------------------------------------------------------------------------------- /external/detectron2/detectron2/evaluation/cityscapes_evaluation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/detectron2/evaluation/cityscapes_evaluation.py -------------------------------------------------------------------------------- /external/detectron2/detectron2/evaluation/coco_evaluation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/detectron2/evaluation/coco_evaluation.py -------------------------------------------------------------------------------- /external/detectron2/detectron2/evaluation/evaluator.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/detectron2/evaluation/evaluator.py -------------------------------------------------------------------------------- /external/detectron2/detectron2/evaluation/fast_eval_api.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/detectron2/evaluation/fast_eval_api.py -------------------------------------------------------------------------------- /external/detectron2/detectron2/evaluation/lvis_evaluation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/detectron2/evaluation/lvis_evaluation.py -------------------------------------------------------------------------------- /external/detectron2/detectron2/evaluation/panoptic_evaluation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/detectron2/evaluation/panoptic_evaluation.py -------------------------------------------------------------------------------- /external/detectron2/detectron2/evaluation/pascal_voc_evaluation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/detectron2/evaluation/pascal_voc_evaluation.py -------------------------------------------------------------------------------- /external/detectron2/detectron2/evaluation/rotated_coco_evaluation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/detectron2/evaluation/rotated_coco_evaluation.py -------------------------------------------------------------------------------- /external/detectron2/detectron2/evaluation/sem_seg_evaluation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/detectron2/evaluation/sem_seg_evaluation.py -------------------------------------------------------------------------------- /external/detectron2/detectron2/evaluation/testing.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/detectron2/evaluation/testing.py -------------------------------------------------------------------------------- /external/detectron2/detectron2/export/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/detectron2/export/README.md -------------------------------------------------------------------------------- /external/detectron2/detectron2/export/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/detectron2/export/__init__.py -------------------------------------------------------------------------------- /external/detectron2/detectron2/export/api.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/detectron2/export/api.py -------------------------------------------------------------------------------- /external/detectron2/detectron2/export/c10.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/detectron2/export/c10.py -------------------------------------------------------------------------------- /external/detectron2/detectron2/export/caffe2_export.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/detectron2/export/caffe2_export.py -------------------------------------------------------------------------------- /external/detectron2/detectron2/export/caffe2_inference.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/detectron2/export/caffe2_inference.py -------------------------------------------------------------------------------- /external/detectron2/detectron2/export/caffe2_modeling.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/detectron2/export/caffe2_modeling.py -------------------------------------------------------------------------------- /external/detectron2/detectron2/export/caffe2_patch.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/detectron2/export/caffe2_patch.py -------------------------------------------------------------------------------- /external/detectron2/detectron2/export/flatten.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/detectron2/export/flatten.py -------------------------------------------------------------------------------- /external/detectron2/detectron2/export/shared.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/detectron2/export/shared.py -------------------------------------------------------------------------------- /external/detectron2/detectron2/export/torchscript.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/detectron2/export/torchscript.py -------------------------------------------------------------------------------- /external/detectron2/detectron2/export/torchscript_patch.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/detectron2/export/torchscript_patch.py -------------------------------------------------------------------------------- /external/detectron2/detectron2/layers/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/detectron2/layers/__init__.py -------------------------------------------------------------------------------- /external/detectron2/detectron2/layers/aspp.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/detectron2/layers/aspp.py -------------------------------------------------------------------------------- /external/detectron2/detectron2/layers/batch_norm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/detectron2/layers/batch_norm.py -------------------------------------------------------------------------------- /external/detectron2/detectron2/layers/blocks.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/detectron2/layers/blocks.py -------------------------------------------------------------------------------- /external/detectron2/detectron2/layers/csrc/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/detectron2/layers/csrc/README.md -------------------------------------------------------------------------------- /external/detectron2/detectron2/layers/csrc/cocoeval/cocoeval.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/detectron2/layers/csrc/cocoeval/cocoeval.cpp -------------------------------------------------------------------------------- /external/detectron2/detectron2/layers/csrc/cocoeval/cocoeval.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/detectron2/layers/csrc/cocoeval/cocoeval.h -------------------------------------------------------------------------------- /external/detectron2/detectron2/layers/csrc/cuda_version.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/detectron2/layers/csrc/cuda_version.cu -------------------------------------------------------------------------------- /external/detectron2/detectron2/layers/csrc/deformable/deform_conv.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/detectron2/layers/csrc/deformable/deform_conv.h -------------------------------------------------------------------------------- /external/detectron2/detectron2/layers/csrc/nms_rotated/nms_rotated.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/detectron2/layers/csrc/nms_rotated/nms_rotated.h -------------------------------------------------------------------------------- /external/detectron2/detectron2/layers/csrc/vision.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/detectron2/layers/csrc/vision.cpp -------------------------------------------------------------------------------- /external/detectron2/detectron2/layers/deform_conv.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/detectron2/layers/deform_conv.py -------------------------------------------------------------------------------- /external/detectron2/detectron2/layers/losses.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/detectron2/layers/losses.py -------------------------------------------------------------------------------- /external/detectron2/detectron2/layers/mask_ops.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/detectron2/layers/mask_ops.py -------------------------------------------------------------------------------- /external/detectron2/detectron2/layers/nms.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/detectron2/layers/nms.py -------------------------------------------------------------------------------- /external/detectron2/detectron2/layers/roi_align.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/detectron2/layers/roi_align.py -------------------------------------------------------------------------------- /external/detectron2/detectron2/layers/roi_align_rotated.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/detectron2/layers/roi_align_rotated.py -------------------------------------------------------------------------------- /external/detectron2/detectron2/layers/rotated_boxes.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/detectron2/layers/rotated_boxes.py -------------------------------------------------------------------------------- /external/detectron2/detectron2/layers/shape_spec.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/detectron2/layers/shape_spec.py -------------------------------------------------------------------------------- /external/detectron2/detectron2/layers/wrappers.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/detectron2/layers/wrappers.py -------------------------------------------------------------------------------- /external/detectron2/detectron2/model_zoo/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/detectron2/model_zoo/__init__.py -------------------------------------------------------------------------------- /external/detectron2/detectron2/model_zoo/model_zoo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/detectron2/model_zoo/model_zoo.py -------------------------------------------------------------------------------- /external/detectron2/detectron2/modeling/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/detectron2/modeling/__init__.py -------------------------------------------------------------------------------- /external/detectron2/detectron2/modeling/anchor_generator.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/detectron2/modeling/anchor_generator.py -------------------------------------------------------------------------------- /external/detectron2/detectron2/modeling/backbone/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/detectron2/modeling/backbone/__init__.py -------------------------------------------------------------------------------- /external/detectron2/detectron2/modeling/backbone/backbone.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/detectron2/modeling/backbone/backbone.py -------------------------------------------------------------------------------- /external/detectron2/detectron2/modeling/backbone/build.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/detectron2/modeling/backbone/build.py -------------------------------------------------------------------------------- /external/detectron2/detectron2/modeling/backbone/fpn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/detectron2/modeling/backbone/fpn.py -------------------------------------------------------------------------------- /external/detectron2/detectron2/modeling/backbone/regnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/detectron2/modeling/backbone/regnet.py -------------------------------------------------------------------------------- /external/detectron2/detectron2/modeling/backbone/resnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/detectron2/modeling/backbone/resnet.py -------------------------------------------------------------------------------- /external/detectron2/detectron2/modeling/box_regression.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/detectron2/modeling/box_regression.py -------------------------------------------------------------------------------- /external/detectron2/detectron2/modeling/matcher.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/detectron2/modeling/matcher.py -------------------------------------------------------------------------------- /external/detectron2/detectron2/modeling/meta_arch/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/detectron2/modeling/meta_arch/__init__.py -------------------------------------------------------------------------------- /external/detectron2/detectron2/modeling/meta_arch/build.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/detectron2/modeling/meta_arch/build.py -------------------------------------------------------------------------------- /external/detectron2/detectron2/modeling/meta_arch/dense_detector.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/detectron2/modeling/meta_arch/dense_detector.py -------------------------------------------------------------------------------- /external/detectron2/detectron2/modeling/meta_arch/fcos.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/detectron2/modeling/meta_arch/fcos.py -------------------------------------------------------------------------------- /external/detectron2/detectron2/modeling/meta_arch/panoptic_fpn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/detectron2/modeling/meta_arch/panoptic_fpn.py -------------------------------------------------------------------------------- /external/detectron2/detectron2/modeling/meta_arch/rcnn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/detectron2/modeling/meta_arch/rcnn.py -------------------------------------------------------------------------------- /external/detectron2/detectron2/modeling/meta_arch/retinanet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/detectron2/modeling/meta_arch/retinanet.py -------------------------------------------------------------------------------- /external/detectron2/detectron2/modeling/meta_arch/semantic_seg.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/detectron2/modeling/meta_arch/semantic_seg.py -------------------------------------------------------------------------------- /external/detectron2/detectron2/modeling/mmdet_wrapper.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/detectron2/modeling/mmdet_wrapper.py -------------------------------------------------------------------------------- /external/detectron2/detectron2/modeling/poolers.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/detectron2/modeling/poolers.py -------------------------------------------------------------------------------- /external/detectron2/detectron2/modeling/postprocessing.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/detectron2/modeling/postprocessing.py -------------------------------------------------------------------------------- /external/detectron2/detectron2/modeling/proposal_generator/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/detectron2/modeling/proposal_generator/__init__.py -------------------------------------------------------------------------------- /external/detectron2/detectron2/modeling/proposal_generator/build.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/detectron2/modeling/proposal_generator/build.py -------------------------------------------------------------------------------- /external/detectron2/detectron2/modeling/proposal_generator/rpn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/detectron2/modeling/proposal_generator/rpn.py -------------------------------------------------------------------------------- /external/detectron2/detectron2/modeling/proposal_generator/rrpn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/detectron2/modeling/proposal_generator/rrpn.py -------------------------------------------------------------------------------- /external/detectron2/detectron2/modeling/roi_heads/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/detectron2/modeling/roi_heads/__init__.py -------------------------------------------------------------------------------- /external/detectron2/detectron2/modeling/roi_heads/box_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/detectron2/modeling/roi_heads/box_head.py -------------------------------------------------------------------------------- /external/detectron2/detectron2/modeling/roi_heads/cascade_rcnn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/detectron2/modeling/roi_heads/cascade_rcnn.py -------------------------------------------------------------------------------- /external/detectron2/detectron2/modeling/roi_heads/fast_rcnn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/detectron2/modeling/roi_heads/fast_rcnn.py -------------------------------------------------------------------------------- /external/detectron2/detectron2/modeling/roi_heads/keypoint_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/detectron2/modeling/roi_heads/keypoint_head.py -------------------------------------------------------------------------------- /external/detectron2/detectron2/modeling/roi_heads/mask_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/detectron2/modeling/roi_heads/mask_head.py -------------------------------------------------------------------------------- /external/detectron2/detectron2/modeling/roi_heads/roi_heads.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/detectron2/modeling/roi_heads/roi_heads.py -------------------------------------------------------------------------------- /external/detectron2/detectron2/modeling/roi_heads/rotated_fast_rcnn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/detectron2/modeling/roi_heads/rotated_fast_rcnn.py -------------------------------------------------------------------------------- /external/detectron2/detectron2/modeling/sampling.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/detectron2/modeling/sampling.py -------------------------------------------------------------------------------- /external/detectron2/detectron2/modeling/test_time_augmentation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/detectron2/modeling/test_time_augmentation.py -------------------------------------------------------------------------------- /external/detectron2/detectron2/projects/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/detectron2/projects/README.md -------------------------------------------------------------------------------- /external/detectron2/detectron2/projects/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/detectron2/projects/__init__.py -------------------------------------------------------------------------------- /external/detectron2/detectron2/solver/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/detectron2/solver/__init__.py -------------------------------------------------------------------------------- /external/detectron2/detectron2/solver/build.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/detectron2/solver/build.py -------------------------------------------------------------------------------- /external/detectron2/detectron2/solver/lr_scheduler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/detectron2/solver/lr_scheduler.py -------------------------------------------------------------------------------- /external/detectron2/detectron2/structures/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/detectron2/structures/__init__.py -------------------------------------------------------------------------------- /external/detectron2/detectron2/structures/boxes.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/detectron2/structures/boxes.py -------------------------------------------------------------------------------- /external/detectron2/detectron2/structures/image_list.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/detectron2/structures/image_list.py -------------------------------------------------------------------------------- /external/detectron2/detectron2/structures/instances.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/detectron2/structures/instances.py -------------------------------------------------------------------------------- /external/detectron2/detectron2/structures/keypoints.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/detectron2/structures/keypoints.py -------------------------------------------------------------------------------- /external/detectron2/detectron2/structures/masks.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/detectron2/structures/masks.py -------------------------------------------------------------------------------- /external/detectron2/detectron2/structures/rotated_boxes.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/detectron2/structures/rotated_boxes.py -------------------------------------------------------------------------------- /external/detectron2/detectron2/tracking/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/detectron2/tracking/__init__.py -------------------------------------------------------------------------------- /external/detectron2/detectron2/tracking/base_tracker.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/detectron2/tracking/base_tracker.py -------------------------------------------------------------------------------- /external/detectron2/detectron2/tracking/bbox_iou_tracker.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/detectron2/tracking/bbox_iou_tracker.py -------------------------------------------------------------------------------- /external/detectron2/detectron2/tracking/hungarian_tracker.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/detectron2/tracking/hungarian_tracker.py -------------------------------------------------------------------------------- /external/detectron2/detectron2/tracking/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/detectron2/tracking/utils.py -------------------------------------------------------------------------------- /external/detectron2/detectron2/utils/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/detectron2/utils/README.md -------------------------------------------------------------------------------- /external/detectron2/detectron2/utils/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) Facebook, Inc. and its affiliates. 2 | -------------------------------------------------------------------------------- /external/detectron2/detectron2/utils/analysis.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/detectron2/utils/analysis.py -------------------------------------------------------------------------------- /external/detectron2/detectron2/utils/collect_env.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/detectron2/utils/collect_env.py -------------------------------------------------------------------------------- /external/detectron2/detectron2/utils/colormap.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/detectron2/utils/colormap.py -------------------------------------------------------------------------------- /external/detectron2/detectron2/utils/comm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/detectron2/utils/comm.py -------------------------------------------------------------------------------- /external/detectron2/detectron2/utils/develop.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/detectron2/utils/develop.py -------------------------------------------------------------------------------- /external/detectron2/detectron2/utils/env.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/detectron2/utils/env.py -------------------------------------------------------------------------------- /external/detectron2/detectron2/utils/events.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/detectron2/utils/events.py -------------------------------------------------------------------------------- /external/detectron2/detectron2/utils/file_io.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/detectron2/utils/file_io.py -------------------------------------------------------------------------------- /external/detectron2/detectron2/utils/logger.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/detectron2/utils/logger.py -------------------------------------------------------------------------------- /external/detectron2/detectron2/utils/memory.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/detectron2/utils/memory.py -------------------------------------------------------------------------------- /external/detectron2/detectron2/utils/registry.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/detectron2/utils/registry.py -------------------------------------------------------------------------------- /external/detectron2/detectron2/utils/serialize.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/detectron2/utils/serialize.py -------------------------------------------------------------------------------- /external/detectron2/detectron2/utils/testing.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/detectron2/utils/testing.py -------------------------------------------------------------------------------- /external/detectron2/detectron2/utils/video_visualizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/detectron2/utils/video_visualizer.py -------------------------------------------------------------------------------- /external/detectron2/detectron2/utils/visualizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/detectron2/utils/visualizer.py -------------------------------------------------------------------------------- /external/detectron2/dev/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/dev/README.md -------------------------------------------------------------------------------- /external/detectron2/dev/linter.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/dev/linter.sh -------------------------------------------------------------------------------- /external/detectron2/dev/packaging/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/dev/packaging/README.md -------------------------------------------------------------------------------- /external/detectron2/dev/packaging/build_all_wheels.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/dev/packaging/build_all_wheels.sh -------------------------------------------------------------------------------- /external/detectron2/dev/packaging/build_wheel.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/dev/packaging/build_wheel.sh -------------------------------------------------------------------------------- /external/detectron2/dev/packaging/gen_install_table.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/dev/packaging/gen_install_table.py -------------------------------------------------------------------------------- /external/detectron2/dev/packaging/gen_wheel_index.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/dev/packaging/gen_wheel_index.sh -------------------------------------------------------------------------------- /external/detectron2/dev/packaging/pkg_helpers.bash: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/dev/packaging/pkg_helpers.bash -------------------------------------------------------------------------------- /external/detectron2/dev/parse_results.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/dev/parse_results.sh -------------------------------------------------------------------------------- /external/detectron2/dev/run_inference_tests.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/dev/run_inference_tests.sh -------------------------------------------------------------------------------- /external/detectron2/dev/run_instant_tests.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/dev/run_instant_tests.sh -------------------------------------------------------------------------------- /external/detectron2/docker/Dockerfile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/docker/Dockerfile -------------------------------------------------------------------------------- /external/detectron2/docker/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/docker/README.md -------------------------------------------------------------------------------- /external/detectron2/docker/deploy.Dockerfile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/docker/deploy.Dockerfile -------------------------------------------------------------------------------- /external/detectron2/docker/docker-compose.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/docker/docker-compose.yml -------------------------------------------------------------------------------- /external/detectron2/docs/.gitignore: -------------------------------------------------------------------------------- 1 | _build 2 | -------------------------------------------------------------------------------- /external/detectron2/docs/Makefile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/docs/Makefile -------------------------------------------------------------------------------- /external/detectron2/docs/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/docs/README.md -------------------------------------------------------------------------------- /external/detectron2/docs/_static/css/custom.css: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/docs/_static/css/custom.css -------------------------------------------------------------------------------- /external/detectron2/docs/conf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/docs/conf.py -------------------------------------------------------------------------------- /external/detectron2/docs/index.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/docs/index.rst -------------------------------------------------------------------------------- /external/detectron2/docs/modules/checkpoint.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/docs/modules/checkpoint.rst -------------------------------------------------------------------------------- /external/detectron2/docs/modules/config.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/docs/modules/config.rst -------------------------------------------------------------------------------- /external/detectron2/docs/modules/data.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/docs/modules/data.rst -------------------------------------------------------------------------------- /external/detectron2/docs/modules/data_transforms.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/docs/modules/data_transforms.rst -------------------------------------------------------------------------------- /external/detectron2/docs/modules/engine.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/docs/modules/engine.rst -------------------------------------------------------------------------------- /external/detectron2/docs/modules/evaluation.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/docs/modules/evaluation.rst -------------------------------------------------------------------------------- /external/detectron2/docs/modules/export.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/docs/modules/export.rst -------------------------------------------------------------------------------- /external/detectron2/docs/modules/fvcore.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/docs/modules/fvcore.rst -------------------------------------------------------------------------------- /external/detectron2/docs/modules/index.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/docs/modules/index.rst -------------------------------------------------------------------------------- /external/detectron2/docs/modules/layers.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/docs/modules/layers.rst -------------------------------------------------------------------------------- /external/detectron2/docs/modules/model_zoo.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/docs/modules/model_zoo.rst -------------------------------------------------------------------------------- /external/detectron2/docs/modules/modeling.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/docs/modules/modeling.rst -------------------------------------------------------------------------------- /external/detectron2/docs/modules/solver.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/docs/modules/solver.rst -------------------------------------------------------------------------------- /external/detectron2/docs/modules/structures.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/docs/modules/structures.rst -------------------------------------------------------------------------------- /external/detectron2/docs/modules/utils.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/docs/modules/utils.rst -------------------------------------------------------------------------------- /external/detectron2/docs/notes/benchmarks.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/docs/notes/benchmarks.md -------------------------------------------------------------------------------- /external/detectron2/docs/notes/changelog.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/docs/notes/changelog.md -------------------------------------------------------------------------------- /external/detectron2/docs/notes/compatibility.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/docs/notes/compatibility.md -------------------------------------------------------------------------------- /external/detectron2/docs/notes/contributing.md: -------------------------------------------------------------------------------- 1 | ../../.github/CONTRIBUTING.md -------------------------------------------------------------------------------- /external/detectron2/docs/notes/index.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/docs/notes/index.rst -------------------------------------------------------------------------------- /external/detectron2/docs/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/docs/requirements.txt -------------------------------------------------------------------------------- /external/detectron2/docs/tutorials/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/docs/tutorials/README.md -------------------------------------------------------------------------------- /external/detectron2/docs/tutorials/augmentation.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/docs/tutorials/augmentation.md -------------------------------------------------------------------------------- /external/detectron2/docs/tutorials/builtin_datasets.md: -------------------------------------------------------------------------------- 1 | ../../datasets/README.md -------------------------------------------------------------------------------- /external/detectron2/docs/tutorials/configs.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/docs/tutorials/configs.md -------------------------------------------------------------------------------- /external/detectron2/docs/tutorials/data_loading.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/docs/tutorials/data_loading.md -------------------------------------------------------------------------------- /external/detectron2/docs/tutorials/datasets.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/docs/tutorials/datasets.md -------------------------------------------------------------------------------- /external/detectron2/docs/tutorials/deployment.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/docs/tutorials/deployment.md -------------------------------------------------------------------------------- /external/detectron2/docs/tutorials/evaluation.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/docs/tutorials/evaluation.md -------------------------------------------------------------------------------- /external/detectron2/docs/tutorials/extend.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/docs/tutorials/extend.md -------------------------------------------------------------------------------- /external/detectron2/docs/tutorials/getting_started.md: -------------------------------------------------------------------------------- 1 | ../../GETTING_STARTED.md -------------------------------------------------------------------------------- /external/detectron2/docs/tutorials/index.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/docs/tutorials/index.rst -------------------------------------------------------------------------------- /external/detectron2/docs/tutorials/install.md: -------------------------------------------------------------------------------- 1 | ../../INSTALL.md -------------------------------------------------------------------------------- /external/detectron2/docs/tutorials/lazyconfigs.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/docs/tutorials/lazyconfigs.md -------------------------------------------------------------------------------- /external/detectron2/docs/tutorials/models.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/docs/tutorials/models.md -------------------------------------------------------------------------------- /external/detectron2/docs/tutorials/training.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/docs/tutorials/training.md -------------------------------------------------------------------------------- /external/detectron2/docs/tutorials/write-models.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/docs/tutorials/write-models.md -------------------------------------------------------------------------------- /external/detectron2/projects/DeepLab/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/projects/DeepLab/README.md -------------------------------------------------------------------------------- /external/detectron2/projects/DeepLab/deeplab/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/projects/DeepLab/deeplab/__init__.py -------------------------------------------------------------------------------- /external/detectron2/projects/DeepLab/deeplab/build_solver.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/projects/DeepLab/deeplab/build_solver.py -------------------------------------------------------------------------------- /external/detectron2/projects/DeepLab/deeplab/config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/projects/DeepLab/deeplab/config.py -------------------------------------------------------------------------------- /external/detectron2/projects/DeepLab/deeplab/loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/projects/DeepLab/deeplab/loss.py -------------------------------------------------------------------------------- /external/detectron2/projects/DeepLab/deeplab/lr_scheduler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/projects/DeepLab/deeplab/lr_scheduler.py -------------------------------------------------------------------------------- /external/detectron2/projects/DeepLab/deeplab/resnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/projects/DeepLab/deeplab/resnet.py -------------------------------------------------------------------------------- /external/detectron2/projects/DeepLab/deeplab/semantic_seg.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/projects/DeepLab/deeplab/semantic_seg.py -------------------------------------------------------------------------------- /external/detectron2/projects/DeepLab/train_net.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/projects/DeepLab/train_net.py -------------------------------------------------------------------------------- /external/detectron2/projects/DensePose/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/projects/DensePose/README.md -------------------------------------------------------------------------------- /external/detectron2/projects/DensePose/apply_net.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/projects/DensePose/apply_net.py -------------------------------------------------------------------------------- /external/detectron2/projects/DensePose/densepose/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/projects/DensePose/densepose/__init__.py -------------------------------------------------------------------------------- /external/detectron2/projects/DensePose/densepose/config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/projects/DensePose/densepose/config.py -------------------------------------------------------------------------------- /external/detectron2/projects/DensePose/densepose/converters/base.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/projects/DensePose/densepose/converters/base.py -------------------------------------------------------------------------------- /external/detectron2/projects/DensePose/densepose/converters/builtin.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/projects/DensePose/densepose/converters/builtin.py -------------------------------------------------------------------------------- /external/detectron2/projects/DensePose/densepose/converters/hflip.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/projects/DensePose/densepose/converters/hflip.py -------------------------------------------------------------------------------- /external/detectron2/projects/DensePose/densepose/converters/to_mask.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/projects/DensePose/densepose/converters/to_mask.py -------------------------------------------------------------------------------- /external/detectron2/projects/DensePose/densepose/data/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/projects/DensePose/densepose/data/__init__.py -------------------------------------------------------------------------------- /external/detectron2/projects/DensePose/densepose/data/build.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/projects/DensePose/densepose/data/build.py -------------------------------------------------------------------------------- /external/detectron2/projects/DensePose/densepose/data/datasets/coco.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/projects/DensePose/densepose/data/datasets/coco.py -------------------------------------------------------------------------------- /external/detectron2/projects/DensePose/densepose/data/datasets/lvis.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/projects/DensePose/densepose/data/datasets/lvis.py -------------------------------------------------------------------------------- /external/detectron2/projects/DensePose/densepose/data/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/projects/DensePose/densepose/data/utils.py -------------------------------------------------------------------------------- /external/detectron2/projects/DensePose/densepose/engine/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/projects/DensePose/densepose/engine/__init__.py -------------------------------------------------------------------------------- /external/detectron2/projects/DensePose/densepose/engine/trainer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/projects/DensePose/densepose/engine/trainer.py -------------------------------------------------------------------------------- /external/detectron2/projects/DensePose/densepose/modeling/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/projects/DensePose/densepose/modeling/__init__.py -------------------------------------------------------------------------------- /external/detectron2/projects/DensePose/densepose/modeling/build.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/projects/DensePose/densepose/modeling/build.py -------------------------------------------------------------------------------- /external/detectron2/projects/DensePose/densepose/modeling/cse/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/projects/DensePose/densepose/modeling/cse/utils.py -------------------------------------------------------------------------------- /external/detectron2/projects/DensePose/densepose/modeling/filter.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/projects/DensePose/densepose/modeling/filter.py -------------------------------------------------------------------------------- /external/detectron2/projects/DensePose/densepose/modeling/hrfpn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/projects/DensePose/densepose/modeling/hrfpn.py -------------------------------------------------------------------------------- /external/detectron2/projects/DensePose/densepose/modeling/hrnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/projects/DensePose/densepose/modeling/hrnet.py -------------------------------------------------------------------------------- /external/detectron2/projects/DensePose/densepose/modeling/inference.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/projects/DensePose/densepose/modeling/inference.py -------------------------------------------------------------------------------- /external/detectron2/projects/DensePose/densepose/modeling/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/projects/DensePose/densepose/modeling/utils.py -------------------------------------------------------------------------------- /external/detectron2/projects/DensePose/densepose/structures/chart.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/projects/DensePose/densepose/structures/chart.py -------------------------------------------------------------------------------- /external/detectron2/projects/DensePose/densepose/structures/cse.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/projects/DensePose/densepose/structures/cse.py -------------------------------------------------------------------------------- /external/detectron2/projects/DensePose/densepose/structures/list.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/projects/DensePose/densepose/structures/list.py -------------------------------------------------------------------------------- /external/detectron2/projects/DensePose/densepose/structures/mesh.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/projects/DensePose/densepose/structures/mesh.py -------------------------------------------------------------------------------- /external/detectron2/projects/DensePose/densepose/utils/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /external/detectron2/projects/DensePose/densepose/utils/dbhelper.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/projects/DensePose/densepose/utils/dbhelper.py -------------------------------------------------------------------------------- /external/detectron2/projects/DensePose/densepose/utils/logger.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/projects/DensePose/densepose/utils/logger.py -------------------------------------------------------------------------------- /external/detectron2/projects/DensePose/densepose/utils/transform.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/projects/DensePose/densepose/utils/transform.py -------------------------------------------------------------------------------- /external/detectron2/projects/DensePose/densepose/vis/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /external/detectron2/projects/DensePose/densepose/vis/base.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/projects/DensePose/densepose/vis/base.py -------------------------------------------------------------------------------- /external/detectron2/projects/DensePose/densepose/vis/bounding_box.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/projects/DensePose/densepose/vis/bounding_box.py -------------------------------------------------------------------------------- /external/detectron2/projects/DensePose/densepose/vis/extractor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/projects/DensePose/densepose/vis/extractor.py -------------------------------------------------------------------------------- /external/detectron2/projects/DensePose/dev/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/projects/DensePose/dev/README.md -------------------------------------------------------------------------------- /external/detectron2/projects/DensePose/dev/run_inference_tests.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/projects/DensePose/dev/run_inference_tests.sh -------------------------------------------------------------------------------- /external/detectron2/projects/DensePose/dev/run_instant_tests.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/projects/DensePose/dev/run_instant_tests.sh -------------------------------------------------------------------------------- /external/detectron2/projects/DensePose/doc/BOOTSTRAPPING_PIPELINE.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/projects/DensePose/doc/BOOTSTRAPPING_PIPELINE.md -------------------------------------------------------------------------------- /external/detectron2/projects/DensePose/doc/DENSEPOSE_CSE.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/projects/DensePose/doc/DENSEPOSE_CSE.md -------------------------------------------------------------------------------- /external/detectron2/projects/DensePose/doc/DENSEPOSE_DATASETS.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/projects/DensePose/doc/DENSEPOSE_DATASETS.md -------------------------------------------------------------------------------- /external/detectron2/projects/DensePose/doc/DENSEPOSE_IUV.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/projects/DensePose/doc/DENSEPOSE_IUV.md -------------------------------------------------------------------------------- /external/detectron2/projects/DensePose/doc/GETTING_STARTED.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/projects/DensePose/doc/GETTING_STARTED.md -------------------------------------------------------------------------------- /external/detectron2/projects/DensePose/doc/RELEASE_2020_04.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/projects/DensePose/doc/RELEASE_2020_04.md -------------------------------------------------------------------------------- /external/detectron2/projects/DensePose/doc/RELEASE_2021_03.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/projects/DensePose/doc/RELEASE_2021_03.md -------------------------------------------------------------------------------- /external/detectron2/projects/DensePose/doc/RELEASE_2021_06.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/projects/DensePose/doc/RELEASE_2021_06.md -------------------------------------------------------------------------------- /external/detectron2/projects/DensePose/doc/TOOL_APPLY_NET.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/projects/DensePose/doc/TOOL_APPLY_NET.md -------------------------------------------------------------------------------- /external/detectron2/projects/DensePose/doc/TOOL_QUERY_DB.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/projects/DensePose/doc/TOOL_QUERY_DB.md -------------------------------------------------------------------------------- /external/detectron2/projects/DensePose/query_db.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/projects/DensePose/query_db.py -------------------------------------------------------------------------------- /external/detectron2/projects/DensePose/setup.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/projects/DensePose/setup.py -------------------------------------------------------------------------------- /external/detectron2/projects/DensePose/train_net.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/projects/DensePose/train_net.py -------------------------------------------------------------------------------- /external/detectron2/projects/Panoptic-DeepLab/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/projects/Panoptic-DeepLab/README.md -------------------------------------------------------------------------------- /external/detectron2/projects/Panoptic-DeepLab/train_net.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/projects/Panoptic-DeepLab/train_net.py -------------------------------------------------------------------------------- /external/detectron2/projects/PointRend/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/projects/PointRend/README.md -------------------------------------------------------------------------------- /external/detectron2/projects/PointRend/point_rend/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/projects/PointRend/point_rend/__init__.py -------------------------------------------------------------------------------- /external/detectron2/projects/PointRend/point_rend/config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/projects/PointRend/point_rend/config.py -------------------------------------------------------------------------------- /external/detectron2/projects/PointRend/point_rend/mask_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/projects/PointRend/point_rend/mask_head.py -------------------------------------------------------------------------------- /external/detectron2/projects/PointRend/point_rend/point_features.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/projects/PointRend/point_rend/point_features.py -------------------------------------------------------------------------------- /external/detectron2/projects/PointRend/point_rend/point_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/projects/PointRend/point_rend/point_head.py -------------------------------------------------------------------------------- /external/detectron2/projects/PointRend/point_rend/roi_heads.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/projects/PointRend/point_rend/roi_heads.py -------------------------------------------------------------------------------- /external/detectron2/projects/PointRend/point_rend/semantic_seg.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/projects/PointRend/point_rend/semantic_seg.py -------------------------------------------------------------------------------- /external/detectron2/projects/PointRend/train_net.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/projects/PointRend/train_net.py -------------------------------------------------------------------------------- /external/detectron2/projects/PointSup/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/projects/PointSup/README.md -------------------------------------------------------------------------------- /external/detectron2/projects/PointSup/configs/mask_rcnn_R_50_FPN_3x_point_sup_point_aug_coco.yaml: -------------------------------------------------------------------------------- 1 | _BASE_: "mask_rcnn_R_50_FPN_3x_point_sup_coco.yaml" 2 | INPUT: 3 | SAMPLE_POINTS: 5 4 | -------------------------------------------------------------------------------- /external/detectron2/projects/PointSup/point_sup/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/projects/PointSup/point_sup/__init__.py -------------------------------------------------------------------------------- /external/detectron2/projects/PointSup/point_sup/config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/projects/PointSup/point_sup/config.py -------------------------------------------------------------------------------- /external/detectron2/projects/PointSup/point_sup/dataset_mapper.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/projects/PointSup/point_sup/dataset_mapper.py -------------------------------------------------------------------------------- /external/detectron2/projects/PointSup/point_sup/detection_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/projects/PointSup/point_sup/detection_utils.py -------------------------------------------------------------------------------- /external/detectron2/projects/PointSup/point_sup/mask_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/projects/PointSup/point_sup/mask_head.py -------------------------------------------------------------------------------- /external/detectron2/projects/PointSup/point_sup/point_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/projects/PointSup/point_sup/point_utils.py -------------------------------------------------------------------------------- /external/detectron2/projects/PointSup/train_net.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/projects/PointSup/train_net.py -------------------------------------------------------------------------------- /external/detectron2/projects/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/projects/README.md -------------------------------------------------------------------------------- /external/detectron2/projects/Rethinking-BatchNorm/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/projects/Rethinking-BatchNorm/README.md -------------------------------------------------------------------------------- /external/detectron2/projects/TensorMask/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/projects/TensorMask/README.md -------------------------------------------------------------------------------- /external/detectron2/projects/TensorMask/configs/Base-TensorMask.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/projects/TensorMask/configs/Base-TensorMask.yaml -------------------------------------------------------------------------------- /external/detectron2/projects/TensorMask/setup.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/projects/TensorMask/setup.py -------------------------------------------------------------------------------- /external/detectron2/projects/TensorMask/tensormask/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/projects/TensorMask/tensormask/__init__.py -------------------------------------------------------------------------------- /external/detectron2/projects/TensorMask/tensormask/arch.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/projects/TensorMask/tensormask/arch.py -------------------------------------------------------------------------------- /external/detectron2/projects/TensorMask/tensormask/config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/projects/TensorMask/tensormask/config.py -------------------------------------------------------------------------------- /external/detectron2/projects/TensorMask/tensormask/layers/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/projects/TensorMask/tensormask/layers/__init__.py -------------------------------------------------------------------------------- /external/detectron2/projects/TensorMask/train_net.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/projects/TensorMask/train_net.py -------------------------------------------------------------------------------- /external/detectron2/projects/TridentNet/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/projects/TridentNet/README.md -------------------------------------------------------------------------------- /external/detectron2/projects/TridentNet/train_net.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/projects/TridentNet/train_net.py -------------------------------------------------------------------------------- /external/detectron2/projects/TridentNet/tridentnet/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/projects/TridentNet/tridentnet/__init__.py -------------------------------------------------------------------------------- /external/detectron2/projects/TridentNet/tridentnet/config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/projects/TridentNet/tridentnet/config.py -------------------------------------------------------------------------------- /external/detectron2/projects/TridentNet/tridentnet/trident_backbone.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/projects/TridentNet/tridentnet/trident_backbone.py -------------------------------------------------------------------------------- /external/detectron2/projects/TridentNet/tridentnet/trident_conv.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/projects/TridentNet/tridentnet/trident_conv.py -------------------------------------------------------------------------------- /external/detectron2/projects/TridentNet/tridentnet/trident_rcnn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/projects/TridentNet/tridentnet/trident_rcnn.py -------------------------------------------------------------------------------- /external/detectron2/projects/TridentNet/tridentnet/trident_rpn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/projects/TridentNet/tridentnet/trident_rpn.py -------------------------------------------------------------------------------- /external/detectron2/setup.cfg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/setup.cfg -------------------------------------------------------------------------------- /external/detectron2/setup.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/setup.py -------------------------------------------------------------------------------- /external/detectron2/tools/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/tools/README.md -------------------------------------------------------------------------------- /external/detectron2/tools/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /external/detectron2/tools/analyze_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/tools/analyze_model.py -------------------------------------------------------------------------------- /external/detectron2/tools/benchmark.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/tools/benchmark.py -------------------------------------------------------------------------------- /external/detectron2/tools/convert-torchvision-to-d2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/tools/convert-torchvision-to-d2.py -------------------------------------------------------------------------------- /external/detectron2/tools/deploy/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/tools/deploy/CMakeLists.txt -------------------------------------------------------------------------------- /external/detectron2/tools/deploy/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/tools/deploy/README.md -------------------------------------------------------------------------------- /external/detectron2/tools/deploy/export_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/tools/deploy/export_model.py -------------------------------------------------------------------------------- /external/detectron2/tools/deploy/torchscript_mask_rcnn.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/tools/deploy/torchscript_mask_rcnn.cpp -------------------------------------------------------------------------------- /external/detectron2/tools/lazyconfig_train_net.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/tools/lazyconfig_train_net.py -------------------------------------------------------------------------------- /external/detectron2/tools/lightning_train_net.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/tools/lightning_train_net.py -------------------------------------------------------------------------------- /external/detectron2/tools/plain_train_net.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/tools/plain_train_net.py -------------------------------------------------------------------------------- /external/detectron2/tools/train_net.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/tools/train_net.py -------------------------------------------------------------------------------- /external/detectron2/tools/visualize_data.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/tools/visualize_data.py -------------------------------------------------------------------------------- /external/detectron2/tools/visualize_json_results.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/detectron2/tools/visualize_json_results.py -------------------------------------------------------------------------------- /external/lama/.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/lama/.gitignore -------------------------------------------------------------------------------- /external/lama/Dockerfile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/lama/Dockerfile -------------------------------------------------------------------------------- /external/lama/LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/lama/LICENSE -------------------------------------------------------------------------------- /external/lama/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/lama/README.md -------------------------------------------------------------------------------- /external/lama/big-lama-old/config.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/lama/big-lama-old/config.yaml -------------------------------------------------------------------------------- /external/lama/bin/analyze_errors.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/lama/bin/analyze_errors.py -------------------------------------------------------------------------------- /external/lama/bin/blur_predicts.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/lama/bin/blur_predicts.py -------------------------------------------------------------------------------- /external/lama/bin/calc_dataset_stats.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/lama/bin/calc_dataset_stats.py -------------------------------------------------------------------------------- /external/lama/bin/debug/analyze_overlapping_masks.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/lama/bin/debug/analyze_overlapping_masks.sh -------------------------------------------------------------------------------- /external/lama/bin/evaluate_predicts.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/lama/bin/evaluate_predicts.py -------------------------------------------------------------------------------- /external/lama/bin/evaluator_example.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/lama/bin/evaluator_example.py -------------------------------------------------------------------------------- /external/lama/bin/extract_masks.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/lama/bin/extract_masks.py -------------------------------------------------------------------------------- /external/lama/bin/filter_sharded_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/lama/bin/filter_sharded_dataset.py -------------------------------------------------------------------------------- /external/lama/bin/gen_debug_mask_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/lama/bin/gen_debug_mask_dataset.py -------------------------------------------------------------------------------- /external/lama/bin/gen_mask_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/lama/bin/gen_mask_dataset.py -------------------------------------------------------------------------------- /external/lama/bin/gen_mask_dataset_hydra.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/lama/bin/gen_mask_dataset_hydra.py -------------------------------------------------------------------------------- /external/lama/bin/gen_outpainting_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/lama/bin/gen_outpainting_dataset.py -------------------------------------------------------------------------------- /external/lama/bin/make_checkpoint.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/lama/bin/make_checkpoint.py -------------------------------------------------------------------------------- /external/lama/bin/mask_example.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/lama/bin/mask_example.py -------------------------------------------------------------------------------- /external/lama/bin/paper_runfiles/blur_tests.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/lama/bin/paper_runfiles/blur_tests.sh -------------------------------------------------------------------------------- /external/lama/bin/paper_runfiles/env.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/lama/bin/paper_runfiles/env.sh -------------------------------------------------------------------------------- /external/lama/bin/paper_runfiles/find_best_checkpoint.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/lama/bin/paper_runfiles/find_best_checkpoint.py -------------------------------------------------------------------------------- /external/lama/bin/paper_runfiles/generate_test_celeba-hq.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/lama/bin/paper_runfiles/generate_test_celeba-hq.sh -------------------------------------------------------------------------------- /external/lama/bin/paper_runfiles/generate_test_ffhq.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/lama/bin/paper_runfiles/generate_test_ffhq.sh -------------------------------------------------------------------------------- /external/lama/bin/paper_runfiles/generate_test_paris.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/lama/bin/paper_runfiles/generate_test_paris.sh -------------------------------------------------------------------------------- /external/lama/bin/paper_runfiles/generate_test_paris_256.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/lama/bin/paper_runfiles/generate_test_paris_256.sh -------------------------------------------------------------------------------- /external/lama/bin/paper_runfiles/generate_val_test.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/lama/bin/paper_runfiles/generate_val_test.sh -------------------------------------------------------------------------------- /external/lama/bin/paper_runfiles/predict_inner_features.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/lama/bin/paper_runfiles/predict_inner_features.sh -------------------------------------------------------------------------------- /external/lama/bin/paper_runfiles/update_test_data_stats.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/lama/bin/paper_runfiles/update_test_data_stats.sh -------------------------------------------------------------------------------- /external/lama/bin/predict.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/lama/bin/predict.py -------------------------------------------------------------------------------- /external/lama/bin/predict_inner_features.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/lama/bin/predict_inner_features.py -------------------------------------------------------------------------------- /external/lama/bin/report_from_tb.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/lama/bin/report_from_tb.py -------------------------------------------------------------------------------- /external/lama/bin/sample_from_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/lama/bin/sample_from_dataset.py -------------------------------------------------------------------------------- /external/lama/bin/side_by_side.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/lama/bin/side_by_side.py -------------------------------------------------------------------------------- /external/lama/bin/split_tar.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/lama/bin/split_tar.py -------------------------------------------------------------------------------- /external/lama/bin/to_jit.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/lama/bin/to_jit.py -------------------------------------------------------------------------------- /external/lama/bin/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/lama/bin/train.py -------------------------------------------------------------------------------- /external/lama/build.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/lama/build.sh -------------------------------------------------------------------------------- /external/lama/colab/LaMa_inpainting.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/lama/colab/LaMa_inpainting.ipynb -------------------------------------------------------------------------------- /external/lama/conda_env.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/lama/conda_env.yml -------------------------------------------------------------------------------- /external/lama/configs/analyze_mask_errors.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/lama/configs/analyze_mask_errors.yaml -------------------------------------------------------------------------------- /external/lama/configs/data_gen/random_medium_256.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/lama/configs/data_gen/random_medium_256.yaml -------------------------------------------------------------------------------- /external/lama/configs/data_gen/random_medium_512.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/lama/configs/data_gen/random_medium_512.yaml -------------------------------------------------------------------------------- /external/lama/configs/data_gen/random_thick_256.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/lama/configs/data_gen/random_thick_256.yaml -------------------------------------------------------------------------------- /external/lama/configs/data_gen/random_thick_512.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/lama/configs/data_gen/random_thick_512.yaml -------------------------------------------------------------------------------- /external/lama/configs/data_gen/random_thin_256.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/lama/configs/data_gen/random_thin_256.yaml -------------------------------------------------------------------------------- /external/lama/configs/data_gen/random_thin_512.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/lama/configs/data_gen/random_thin_512.yaml -------------------------------------------------------------------------------- /external/lama/configs/debug_mask_gen.yaml: -------------------------------------------------------------------------------- 1 | img_ext: .jpg 2 | 3 | gen_kwargs: 4 | mask_size: 200 5 | step: 0.5 6 | -------------------------------------------------------------------------------- /external/lama/configs/eval1.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/lama/configs/eval1.yaml -------------------------------------------------------------------------------- /external/lama/configs/eval2.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/lama/configs/eval2.yaml -------------------------------------------------------------------------------- /external/lama/configs/eval2_cpu.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/lama/configs/eval2_cpu.yaml -------------------------------------------------------------------------------- /external/lama/configs/eval2_gpu.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/lama/configs/eval2_gpu.yaml -------------------------------------------------------------------------------- /external/lama/configs/eval2_jpg.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/lama/configs/eval2_jpg.yaml -------------------------------------------------------------------------------- /external/lama/configs/eval2_segm.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/lama/configs/eval2_segm.yaml -------------------------------------------------------------------------------- /external/lama/configs/eval2_segm_test.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/lama/configs/eval2_segm_test.yaml -------------------------------------------------------------------------------- /external/lama/configs/eval2_test.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/lama/configs/eval2_test.yaml -------------------------------------------------------------------------------- /external/lama/configs/places2-categories_157.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/lama/configs/places2-categories_157.txt -------------------------------------------------------------------------------- /external/lama/configs/prediction/default.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/lama/configs/prediction/default.yaml -------------------------------------------------------------------------------- /external/lama/configs/test_large_30k.lst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/lama/configs/test_large_30k.lst -------------------------------------------------------------------------------- /external/lama/configs/training/ablv2_work.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/lama/configs/training/ablv2_work.yaml -------------------------------------------------------------------------------- /external/lama/configs/training/ablv2_work_ffc075.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/lama/configs/training/ablv2_work_ffc075.yaml -------------------------------------------------------------------------------- /external/lama/configs/training/ablv2_work_md.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/lama/configs/training/ablv2_work_md.yaml -------------------------------------------------------------------------------- /external/lama/configs/training/ablv2_work_no_fm.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/lama/configs/training/ablv2_work_no_fm.yaml -------------------------------------------------------------------------------- /external/lama/configs/training/ablv2_work_no_segmpl.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/lama/configs/training/ablv2_work_no_segmpl.yaml -------------------------------------------------------------------------------- /external/lama/configs/training/ablv2_work_no_segmpl_csdilirpl.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/lama/configs/training/ablv2_work_no_segmpl_csdilirpl.yaml -------------------------------------------------------------------------------- /external/lama/configs/training/ablv2_work_no_segmpl_csirpl.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/lama/configs/training/ablv2_work_no_segmpl_csirpl.yaml -------------------------------------------------------------------------------- /external/lama/configs/training/ablv2_work_no_segmpl_vgg.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/lama/configs/training/ablv2_work_no_segmpl_vgg.yaml -------------------------------------------------------------------------------- /external/lama/configs/training/ablv2_work_nodil_segmpl.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/lama/configs/training/ablv2_work_nodil_segmpl.yaml -------------------------------------------------------------------------------- /external/lama/configs/training/ablv2_work_small_holes.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/lama/configs/training/ablv2_work_small_holes.yaml -------------------------------------------------------------------------------- /external/lama/configs/training/big-lama-celeba.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/lama/configs/training/big-lama-celeba.yaml -------------------------------------------------------------------------------- /external/lama/configs/training/big-lama-regular-celeba.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/lama/configs/training/big-lama-regular-celeba.yaml -------------------------------------------------------------------------------- /external/lama/configs/training/big-lama-regular.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/lama/configs/training/big-lama-regular.yaml -------------------------------------------------------------------------------- /external/lama/configs/training/big-lama.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/lama/configs/training/big-lama.yaml -------------------------------------------------------------------------------- /external/lama/configs/training/data/abl-02-thin-bb.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/lama/configs/training/data/abl-02-thin-bb.yaml -------------------------------------------------------------------------------- /external/lama/configs/training/data/abl-04-256-mh-dist-celeba.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/lama/configs/training/data/abl-04-256-mh-dist-celeba.yaml -------------------------------------------------------------------------------- /external/lama/configs/training/data/abl-04-256-mh-dist-web.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/lama/configs/training/data/abl-04-256-mh-dist-web.yaml -------------------------------------------------------------------------------- /external/lama/configs/training/data/abl-04-256-mh-dist.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/lama/configs/training/data/abl-04-256-mh-dist.yaml -------------------------------------------------------------------------------- /external/lama/configs/training/data/arkitscenes.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/lama/configs/training/data/arkitscenes.yaml -------------------------------------------------------------------------------- /external/lama/configs/training/discriminator/pix2pixhd_nlayer.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/lama/configs/training/discriminator/pix2pixhd_nlayer.yaml -------------------------------------------------------------------------------- /external/lama/configs/training/evaluator/default_inpainted.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/lama/configs/training/evaluator/default_inpainted.yaml -------------------------------------------------------------------------------- /external/lama/configs/training/generator/ffc_resnet_075.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/lama/configs/training/generator/ffc_resnet_075.yaml -------------------------------------------------------------------------------- /external/lama/configs/training/generator/pix2pixhd_global.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/lama/configs/training/generator/pix2pixhd_global.yaml -------------------------------------------------------------------------------- /external/lama/configs/training/generator/pix2pixhd_global_sigmoid.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/lama/configs/training/generator/pix2pixhd_global_sigmoid.yaml -------------------------------------------------------------------------------- /external/lama/configs/training/hydra/no_time.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/lama/configs/training/hydra/no_time.yaml -------------------------------------------------------------------------------- /external/lama/configs/training/hydra/overrides.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/lama/configs/training/hydra/overrides.yaml -------------------------------------------------------------------------------- /external/lama/configs/training/lama-fourier-celeba.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/lama/configs/training/lama-fourier-celeba.yaml -------------------------------------------------------------------------------- /external/lama/configs/training/lama-fourier.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/lama/configs/training/lama-fourier.yaml -------------------------------------------------------------------------------- /external/lama/configs/training/lama-regular-celeba.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/lama/configs/training/lama-regular-celeba.yaml -------------------------------------------------------------------------------- /external/lama/configs/training/lama-regular.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/lama/configs/training/lama-regular.yaml -------------------------------------------------------------------------------- /external/lama/configs/training/lama-rgbd.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/lama/configs/training/lama-rgbd.yaml -------------------------------------------------------------------------------- /external/lama/configs/training/lama_small_train_masks.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/lama/configs/training/lama_small_train_masks.yaml -------------------------------------------------------------------------------- /external/lama/configs/training/location/arkitscenes.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/lama/configs/training/location/arkitscenes.yaml -------------------------------------------------------------------------------- /external/lama/configs/training/location/celeba_example.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/lama/configs/training/location/celeba_example.yaml -------------------------------------------------------------------------------- /external/lama/configs/training/location/docker.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/lama/configs/training/location/docker.yaml -------------------------------------------------------------------------------- /external/lama/configs/training/location/places_example.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/lama/configs/training/location/places_example.yaml -------------------------------------------------------------------------------- /external/lama/configs/training/optimizers/default_optimizers.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/lama/configs/training/optimizers/default_optimizers.yaml -------------------------------------------------------------------------------- /external/lama/configs/training/visualizer/directory.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/lama/configs/training/visualizer/directory.yaml -------------------------------------------------------------------------------- /external/lama/docker/1_generate_masks_from_raw_images.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/lama/docker/1_generate_masks_from_raw_images.sh -------------------------------------------------------------------------------- /external/lama/docker/2_predict.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/lama/docker/2_predict.sh -------------------------------------------------------------------------------- /external/lama/docker/3_evaluate.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/lama/docker/3_evaluate.sh -------------------------------------------------------------------------------- /external/lama/docker/Dockerfile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/lama/docker/Dockerfile -------------------------------------------------------------------------------- /external/lama/docker/Dockerfile-cuda111: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/lama/docker/Dockerfile-cuda111 -------------------------------------------------------------------------------- /external/lama/docker/build-cuda111.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/lama/docker/build-cuda111.sh -------------------------------------------------------------------------------- /external/lama/docker/build.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/lama/docker/build.sh -------------------------------------------------------------------------------- /external/lama/docker/entrypoint.sh: -------------------------------------------------------------------------------- 1 | #!/bin/bash 2 | 3 | exec $@ 4 | -------------------------------------------------------------------------------- /external/lama/fetch_data/celebahq_dataset_prepare.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/lama/fetch_data/celebahq_dataset_prepare.sh -------------------------------------------------------------------------------- /external/lama/fetch_data/celebahq_gen_masks.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/lama/fetch_data/celebahq_gen_masks.sh -------------------------------------------------------------------------------- /external/lama/fetch_data/eval_sampler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/lama/fetch_data/eval_sampler.py -------------------------------------------------------------------------------- /external/lama/fetch_data/places_challenge_train_download.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/lama/fetch_data/places_challenge_train_download.sh -------------------------------------------------------------------------------- /external/lama/fetch_data/places_standard_evaluation_prepare_data.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/lama/fetch_data/places_standard_evaluation_prepare_data.sh -------------------------------------------------------------------------------- /external/lama/fetch_data/places_standard_test_val_gen_masks.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/lama/fetch_data/places_standard_test_val_gen_masks.sh -------------------------------------------------------------------------------- /external/lama/fetch_data/places_standard_test_val_prepare.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/lama/fetch_data/places_standard_test_val_prepare.sh -------------------------------------------------------------------------------- /external/lama/fetch_data/places_standard_test_val_sample.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/lama/fetch_data/places_standard_test_val_sample.sh -------------------------------------------------------------------------------- /external/lama/fetch_data/places_standard_train_prepare.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/lama/fetch_data/places_standard_train_prepare.sh -------------------------------------------------------------------------------- /external/lama/fetch_data/sampler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/lama/fetch_data/sampler.py -------------------------------------------------------------------------------- /external/lama/fetch_data/train_shuffled.flist: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/lama/fetch_data/train_shuffled.flist -------------------------------------------------------------------------------- /external/lama/fetch_data/val_shuffled.flist: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/lama/fetch_data/val_shuffled.flist -------------------------------------------------------------------------------- /external/lama/models/ade20k/__init__.py: -------------------------------------------------------------------------------- 1 | from .base import * -------------------------------------------------------------------------------- /external/lama/models/ade20k/base.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/lama/models/ade20k/base.py -------------------------------------------------------------------------------- /external/lama/models/ade20k/color150.mat: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/lama/models/ade20k/color150.mat -------------------------------------------------------------------------------- /external/lama/models/ade20k/mobilenet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/lama/models/ade20k/mobilenet.py -------------------------------------------------------------------------------- /external/lama/models/ade20k/object150_info.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/lama/models/ade20k/object150_info.csv -------------------------------------------------------------------------------- /external/lama/models/ade20k/resnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/lama/models/ade20k/resnet.py -------------------------------------------------------------------------------- /external/lama/models/ade20k/segm_lib/nn/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/lama/models/ade20k/segm_lib/nn/__init__.py -------------------------------------------------------------------------------- /external/lama/models/ade20k/segm_lib/nn/modules/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/lama/models/ade20k/segm_lib/nn/modules/__init__.py -------------------------------------------------------------------------------- /external/lama/models/ade20k/segm_lib/nn/modules/batchnorm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/lama/models/ade20k/segm_lib/nn/modules/batchnorm.py -------------------------------------------------------------------------------- /external/lama/models/ade20k/segm_lib/nn/modules/comm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/lama/models/ade20k/segm_lib/nn/modules/comm.py -------------------------------------------------------------------------------- /external/lama/models/ade20k/segm_lib/nn/modules/replicate.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/lama/models/ade20k/segm_lib/nn/modules/replicate.py -------------------------------------------------------------------------------- /external/lama/models/ade20k/segm_lib/nn/modules/unittest.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/lama/models/ade20k/segm_lib/nn/modules/unittest.py -------------------------------------------------------------------------------- /external/lama/models/ade20k/segm_lib/nn/parallel/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/lama/models/ade20k/segm_lib/nn/parallel/__init__.py -------------------------------------------------------------------------------- /external/lama/models/ade20k/segm_lib/nn/parallel/data_parallel.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/lama/models/ade20k/segm_lib/nn/parallel/data_parallel.py -------------------------------------------------------------------------------- /external/lama/models/ade20k/segm_lib/utils/__init__.py: -------------------------------------------------------------------------------- 1 | from .th import * 2 | -------------------------------------------------------------------------------- /external/lama/models/ade20k/segm_lib/utils/data/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/lama/models/ade20k/segm_lib/utils/data/__init__.py -------------------------------------------------------------------------------- /external/lama/models/ade20k/segm_lib/utils/data/dataloader.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/lama/models/ade20k/segm_lib/utils/data/dataloader.py -------------------------------------------------------------------------------- /external/lama/models/ade20k/segm_lib/utils/data/dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/lama/models/ade20k/segm_lib/utils/data/dataset.py -------------------------------------------------------------------------------- /external/lama/models/ade20k/segm_lib/utils/data/distributed.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/lama/models/ade20k/segm_lib/utils/data/distributed.py -------------------------------------------------------------------------------- /external/lama/models/ade20k/segm_lib/utils/data/sampler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/lama/models/ade20k/segm_lib/utils/data/sampler.py -------------------------------------------------------------------------------- /external/lama/models/ade20k/segm_lib/utils/th.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/lama/models/ade20k/segm_lib/utils/th.py -------------------------------------------------------------------------------- /external/lama/models/ade20k/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/lama/models/ade20k/utils.py -------------------------------------------------------------------------------- /external/lama/models/lpips_models/alex.pth: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/lama/models/lpips_models/alex.pth -------------------------------------------------------------------------------- /external/lama/models/lpips_models/squeeze.pth: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/lama/models/lpips_models/squeeze.pth -------------------------------------------------------------------------------- /external/lama/models/lpips_models/vgg.pth: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/lama/models/lpips_models/vgg.pth -------------------------------------------------------------------------------- /external/lama/pipelines_at_niantic/pipeline.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/lama/pipelines_at_niantic/pipeline.py -------------------------------------------------------------------------------- /external/lama/prepare_depth_custom.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/lama/prepare_depth_custom.py -------------------------------------------------------------------------------- /external/lama/prepare_images_custom.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/lama/prepare_images_custom.py -------------------------------------------------------------------------------- /external/lama/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/lama/requirements.txt -------------------------------------------------------------------------------- /external/lama/run.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/lama/run.sh -------------------------------------------------------------------------------- /external/lama/run_depth_custom.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/lama/run_depth_custom.py -------------------------------------------------------------------------------- /external/lama/run_images_custom.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/lama/run_images_custom.py -------------------------------------------------------------------------------- /external/lama/saicinpainting/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /external/lama/saicinpainting/evaluation/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/lama/saicinpainting/evaluation/__init__.py -------------------------------------------------------------------------------- /external/lama/saicinpainting/evaluation/data.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/lama/saicinpainting/evaluation/data.py -------------------------------------------------------------------------------- /external/lama/saicinpainting/evaluation/evaluator.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/lama/saicinpainting/evaluation/evaluator.py -------------------------------------------------------------------------------- /external/lama/saicinpainting/evaluation/losses/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /external/lama/saicinpainting/evaluation/losses/base_loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/lama/saicinpainting/evaluation/losses/base_loss.py -------------------------------------------------------------------------------- /external/lama/saicinpainting/evaluation/losses/fid/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /external/lama/saicinpainting/evaluation/losses/fid/fid_score.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/lama/saicinpainting/evaluation/losses/fid/fid_score.py -------------------------------------------------------------------------------- /external/lama/saicinpainting/evaluation/losses/fid/inception.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/lama/saicinpainting/evaluation/losses/fid/inception.py -------------------------------------------------------------------------------- /external/lama/saicinpainting/evaluation/losses/lpips.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/lama/saicinpainting/evaluation/losses/lpips.py -------------------------------------------------------------------------------- /external/lama/saicinpainting/evaluation/losses/ssim.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/lama/saicinpainting/evaluation/losses/ssim.py -------------------------------------------------------------------------------- /external/lama/saicinpainting/evaluation/masks/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/lama/saicinpainting/evaluation/masks/README.md -------------------------------------------------------------------------------- /external/lama/saicinpainting/evaluation/masks/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /external/lama/saicinpainting/evaluation/masks/countless/.gitignore: -------------------------------------------------------------------------------- 1 | results -------------------------------------------------------------------------------- /external/lama/saicinpainting/evaluation/masks/countless/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/lama/saicinpainting/evaluation/masks/countless/README.md -------------------------------------------------------------------------------- /external/lama/saicinpainting/evaluation/masks/countless/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /external/lama/saicinpainting/evaluation/masks/countless/countless2d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/lama/saicinpainting/evaluation/masks/countless/countless2d.py -------------------------------------------------------------------------------- /external/lama/saicinpainting/evaluation/masks/countless/countless3d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/lama/saicinpainting/evaluation/masks/countless/countless3d.py -------------------------------------------------------------------------------- /external/lama/saicinpainting/evaluation/masks/countless/requirements.txt: -------------------------------------------------------------------------------- 1 | Pillow>=6.2.0 2 | numpy>=1.16 3 | scipy 4 | tqdm 5 | memory_profiler 6 | six 7 | pytest -------------------------------------------------------------------------------- /external/lama/saicinpainting/evaluation/masks/countless/test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/lama/saicinpainting/evaluation/masks/countless/test.py -------------------------------------------------------------------------------- /external/lama/saicinpainting/evaluation/masks/mask.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/lama/saicinpainting/evaluation/masks/mask.py -------------------------------------------------------------------------------- /external/lama/saicinpainting/evaluation/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/lama/saicinpainting/evaluation/utils.py -------------------------------------------------------------------------------- /external/lama/saicinpainting/evaluation/vis.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/lama/saicinpainting/evaluation/vis.py -------------------------------------------------------------------------------- /external/lama/saicinpainting/training/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /external/lama/saicinpainting/training/data/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /external/lama/saicinpainting/training/data/aug.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/lama/saicinpainting/training/data/aug.py -------------------------------------------------------------------------------- /external/lama/saicinpainting/training/data/datasets.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/lama/saicinpainting/training/data/datasets.py -------------------------------------------------------------------------------- /external/lama/saicinpainting/training/data/masks.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/lama/saicinpainting/training/data/masks.py -------------------------------------------------------------------------------- /external/lama/saicinpainting/training/losses/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /external/lama/saicinpainting/training/losses/adversarial.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/lama/saicinpainting/training/losses/adversarial.py -------------------------------------------------------------------------------- /external/lama/saicinpainting/training/losses/constants.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/lama/saicinpainting/training/losses/constants.py -------------------------------------------------------------------------------- /external/lama/saicinpainting/training/losses/distance_weighting.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/lama/saicinpainting/training/losses/distance_weighting.py -------------------------------------------------------------------------------- /external/lama/saicinpainting/training/losses/feature_matching.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/lama/saicinpainting/training/losses/feature_matching.py -------------------------------------------------------------------------------- /external/lama/saicinpainting/training/losses/perceptual.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/lama/saicinpainting/training/losses/perceptual.py -------------------------------------------------------------------------------- /external/lama/saicinpainting/training/losses/segmentation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/lama/saicinpainting/training/losses/segmentation.py -------------------------------------------------------------------------------- /external/lama/saicinpainting/training/losses/style_loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/lama/saicinpainting/training/losses/style_loss.py -------------------------------------------------------------------------------- /external/lama/saicinpainting/training/modules/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/lama/saicinpainting/training/modules/__init__.py -------------------------------------------------------------------------------- /external/lama/saicinpainting/training/modules/base.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/lama/saicinpainting/training/modules/base.py -------------------------------------------------------------------------------- /external/lama/saicinpainting/training/modules/depthwise_sep_conv.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/lama/saicinpainting/training/modules/depthwise_sep_conv.py -------------------------------------------------------------------------------- /external/lama/saicinpainting/training/modules/fake_fakes.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/lama/saicinpainting/training/modules/fake_fakes.py -------------------------------------------------------------------------------- /external/lama/saicinpainting/training/modules/ffc.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/lama/saicinpainting/training/modules/ffc.py -------------------------------------------------------------------------------- /external/lama/saicinpainting/training/modules/multidilated_conv.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/lama/saicinpainting/training/modules/multidilated_conv.py -------------------------------------------------------------------------------- /external/lama/saicinpainting/training/modules/multiscale.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/lama/saicinpainting/training/modules/multiscale.py -------------------------------------------------------------------------------- /external/lama/saicinpainting/training/modules/pix2pixhd.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/lama/saicinpainting/training/modules/pix2pixhd.py -------------------------------------------------------------------------------- /external/lama/saicinpainting/training/modules/spatial_transform.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/lama/saicinpainting/training/modules/spatial_transform.py -------------------------------------------------------------------------------- /external/lama/saicinpainting/training/modules/squeeze_excitation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/lama/saicinpainting/training/modules/squeeze_excitation.py -------------------------------------------------------------------------------- /external/lama/saicinpainting/training/trainers/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/lama/saicinpainting/training/trainers/__init__.py -------------------------------------------------------------------------------- /external/lama/saicinpainting/training/trainers/base.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/lama/saicinpainting/training/trainers/base.py -------------------------------------------------------------------------------- /external/lama/saicinpainting/training/trainers/default.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/lama/saicinpainting/training/trainers/default.py -------------------------------------------------------------------------------- /external/lama/saicinpainting/training/trainers/rgbd.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/lama/saicinpainting/training/trainers/rgbd.py -------------------------------------------------------------------------------- /external/lama/saicinpainting/training/trainers/rgbd_base.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/lama/saicinpainting/training/trainers/rgbd_base.py -------------------------------------------------------------------------------- /external/lama/saicinpainting/training/visualizers/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/lama/saicinpainting/training/visualizers/__init__.py -------------------------------------------------------------------------------- /external/lama/saicinpainting/training/visualizers/base.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/lama/saicinpainting/training/visualizers/base.py -------------------------------------------------------------------------------- /external/lama/saicinpainting/training/visualizers/colors.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/lama/saicinpainting/training/visualizers/colors.py -------------------------------------------------------------------------------- /external/lama/saicinpainting/training/visualizers/directory.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/lama/saicinpainting/training/visualizers/directory.py -------------------------------------------------------------------------------- /external/lama/saicinpainting/training/visualizers/noop.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/lama/saicinpainting/training/visualizers/noop.py -------------------------------------------------------------------------------- /external/lama/saicinpainting/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/external/lama/saicinpainting/utils.py -------------------------------------------------------------------------------- /install.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/install.sh -------------------------------------------------------------------------------- /model/Dockerfile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/model/Dockerfile -------------------------------------------------------------------------------- /model/Dockerfile_jax: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/model/Dockerfile_jax -------------------------------------------------------------------------------- /model/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/model/README.md -------------------------------------------------------------------------------- /model/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /model/configs/custom/default.gin: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/model/configs/custom/default.gin -------------------------------------------------------------------------------- /model/configs/custom_synthetic/default.gin: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/model/configs/custom_synthetic/default.gin -------------------------------------------------------------------------------- /model/eval.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/model/eval.py -------------------------------------------------------------------------------- /model/eval_train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/model/eval_train.py -------------------------------------------------------------------------------- /model/internal/configs.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/model/internal/configs.py -------------------------------------------------------------------------------- /model/internal/datasets.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/model/internal/datasets.py -------------------------------------------------------------------------------- /model/internal/math.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/model/internal/math.py -------------------------------------------------------------------------------- /model/internal/mip.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/model/internal/mip.py -------------------------------------------------------------------------------- /model/internal/models.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/model/internal/models.py -------------------------------------------------------------------------------- /model/internal/spacing.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/model/internal/spacing.py -------------------------------------------------------------------------------- /model/internal/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/model/internal/utils.py -------------------------------------------------------------------------------- /model/internal/vis.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/model/internal/vis.py -------------------------------------------------------------------------------- /model/render.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/model/render.py -------------------------------------------------------------------------------- /model/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/model/train.py -------------------------------------------------------------------------------- /notebooks/vis_experiment.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/notebooks/vis_experiment.ipynb -------------------------------------------------------------------------------- /notebooks/vis_inpaintings.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/notebooks/vis_inpaintings.ipynb -------------------------------------------------------------------------------- /notebooks/vis_results.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/notebooks/vis_results.ipynb -------------------------------------------------------------------------------- /preprocessing/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/preprocessing/README.md -------------------------------------------------------------------------------- /preprocessing/convert_colmap_to_nerf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/preprocessing/convert_colmap_to_nerf.py -------------------------------------------------------------------------------- /preprocessing/convert_colmap_to_nerf_synthetic.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/preprocessing/convert_colmap_to_nerf_synthetic.py -------------------------------------------------------------------------------- /preprocessing/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/preprocessing/utils.py -------------------------------------------------------------------------------- /requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/requirements.txt -------------------------------------------------------------------------------- /requirements_v2.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/requirements_v2.txt -------------------------------------------------------------------------------- /run_real.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/run_real.sh -------------------------------------------------------------------------------- /run_synthetic.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/run_synthetic.sh -------------------------------------------------------------------------------- /test_real.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/test_real.sh -------------------------------------------------------------------------------- /test_synthetic.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/nianticlabs/nerf-object-removal/HEAD/test_synthetic.sh --------------------------------------------------------------------------------