├── .gitignore ├── LICENSE ├── PythonAPI ├── Makefile ├── build │ └── common │ │ └── maskApi.o ├── common │ ├── gason.cpp │ ├── gason.h │ ├── maskApi.c │ └── maskApi.h ├── dist │ ├── pycocotools-2.0-py3.6-linux-x86_64.egg │ └── pysobatools-2.0-py3.6-linux-x86_64.egg ├── pysobatools │ ├── __init__.py │ ├── _mask.c │ ├── _mask.cpython-36m-x86_64-linux-gnu.so │ ├── _mask.pyx │ ├── cocoeval.py │ ├── mask.py │ ├── soba.py │ └── sobaeval.py └── setup.py ├── 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 │ ├── retinanet_R_101_FPN_3x.yaml │ ├── 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.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.yaml │ ├── mask_rcnn_R_50_FPN_3x.yaml │ └── mask_rcnn_X_101_32x8d_FPN_3x.yaml ├── COCO-Keypoints │ ├── Base-Keypoint-RCNN-FPN.yaml │ ├── keypoint_rcnn_R_101_FPN_3x.yaml │ ├── 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.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 ├── LVIS-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 │ ├── panoptic_fpn_R_101_dconv_cascade_gn_3x.yaml │ ├── scratch_mask_rcnn_R_50_FPN_3x_gn.yaml │ └── semantic_R_50_FPN_1x.yaml ├── PascalVOC-Detection │ ├── faster_rcnn_R_50_C4.yaml │ └── faster_rcnn_R_50_FPN.yaml └── quick_schedules │ ├── README.md │ ├── 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_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_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_for_tests.sh └── prepare_panoptic_fpn.py ├── demo ├── README.md ├── demo.jpeg ├── demo.py └── predictor.py ├── detectron2 ├── __init__.py ├── checkpoint │ ├── __init__.py │ ├── __pycache__ │ │ ├── __init__.cpython-36.pyc │ │ ├── c2_model_loading.cpython-36.pyc │ │ ├── detection_checkpoint.cpython-36.pyc │ │ └── model_zoo.cpython-36.pyc │ ├── c2_model_loading.py │ ├── catalog.py │ ├── detection_checkpoint.py │ └── model_zoo.py ├── config │ ├── __init__.py │ ├── __pycache__ │ │ ├── __init__.cpython-36.pyc │ │ ├── compat.cpython-36.pyc │ │ ├── config.cpython-36.pyc │ │ └── defaults.cpython-36.pyc │ ├── compat.py │ ├── config.py │ └── defaults.py ├── data │ ├── __init__.py │ ├── __pycache__ │ │ ├── __init__.cpython-36.pyc │ │ ├── build.cpython-36.pyc │ │ ├── catalog.cpython-36.pyc │ │ ├── common.cpython-36.pyc │ │ ├── dataset_mapper.cpython-36.pyc │ │ └── detection_utils.cpython-36.pyc │ ├── build.py │ ├── catalog.py │ ├── common.py │ ├── dataset_mapper.py │ ├── dataset_mapper.py.bak │ ├── datasets │ │ ├── README.md │ │ ├── __init__.py │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-36.pyc │ │ │ ├── builtin.cpython-36.pyc │ │ │ ├── builtin_meta.cpython-36.pyc │ │ │ ├── cityscapes.cpython-36.pyc │ │ │ ├── coco.cpython-36.pyc │ │ │ ├── lvis.cpython-36.pyc │ │ │ ├── lvis_v0_5_categories.cpython-36.pyc │ │ │ ├── pascal_voc.cpython-36.pyc │ │ │ └── register_coco.cpython-36.pyc │ │ ├── builtin.py │ │ ├── builtin_meta.py │ │ ├── cityscapes.py │ │ ├── coco.py │ │ ├── lvis.py │ │ ├── lvis_v0_5_categories.py │ │ ├── pascal_voc.py │ │ ├── register_coco.py │ │ ├── register_soba.py │ │ └── soba.py │ ├── detection_utils.py │ ├── samplers │ │ ├── __init__.py │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-36.pyc │ │ │ ├── distributed_sampler.cpython-36.pyc │ │ │ └── grouped_batch_sampler.cpython-36.pyc │ │ ├── distributed_sampler.py │ │ └── grouped_batch_sampler.py │ └── transforms │ │ ├── __init__.py │ │ ├── __pycache__ │ │ ├── __init__.cpython-36.pyc │ │ ├── transform.cpython-36.pyc │ │ └── transform_gen.cpython-36.pyc │ │ ├── transform.py │ │ └── transform_gen.py ├── engine │ ├── __init__.py │ ├── __pycache__ │ │ ├── __init__.cpython-36.pyc │ │ ├── defaults.cpython-36.pyc │ │ ├── hooks.cpython-36.pyc │ │ ├── launch.cpython-36.pyc │ │ └── train_loop.cpython-36.pyc │ ├── defaults.py │ ├── hooks.py │ ├── launch.py │ └── train_loop.py ├── evaluation │ ├── __init__.py │ ├── __pycache__ │ │ ├── __init__.cpython-36.pyc │ │ ├── cityscapes_evaluation.cpython-36.pyc │ │ ├── coco_evaluation.cpython-36.pyc │ │ ├── evaluator.cpython-36.pyc │ │ ├── ins_result_paired.json │ │ ├── lvis_evaluation.cpython-36.pyc │ │ ├── panoptic_evaluation.cpython-36.pyc │ │ ├── pascal_voc_evaluation.cpython-36.pyc │ │ ├── rel_result_paired.json │ │ ├── sem_seg_evaluation.cpython-36.pyc │ │ └── testing.cpython-36.pyc │ ├── cityscapes_evaluation.py │ ├── coco_evaluation.py │ ├── evaluation │ │ ├── __init__.py │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-36.pyc │ │ │ ├── cityscapes_evaluation.cpython-36.pyc │ │ │ ├── coco_evaluation.cpython-36.pyc │ │ │ ├── evaluator.cpython-36.pyc │ │ │ ├── ins_result_paired.json │ │ │ ├── lvis_evaluation.cpython-36.pyc │ │ │ ├── panoptic_evaluation.cpython-36.pyc │ │ │ ├── pascal_voc_evaluation.cpython-36.pyc │ │ │ ├── rel_result_paired.json │ │ │ ├── sem_seg_evaluation.cpython-36.pyc │ │ │ └── testing.cpython-36.pyc │ │ ├── cityscapes_evaluation.py │ │ ├── coco_evaluation.py │ │ ├── evaluator.py │ │ ├── lvis_evaluation.py │ │ ├── panoptic_evaluation.py │ │ ├── pascal_voc_evaluation.py │ │ ├── sem_seg_evaluation.py │ │ └── testing.py │ ├── evaluator.py │ ├── lvis_evaluation.py │ ├── panoptic_evaluation.py │ ├── pascal_voc_evaluation.py │ ├── rotated_coco_evaluation.py │ ├── sem_seg_evaluation.py │ ├── soba_evaluation.py │ └── testing.py ├── export │ ├── README.md │ ├── __init__.py │ ├── api.py │ ├── c10.py │ ├── caffe2_export.py │ ├── caffe2_inference.py │ ├── caffe2_modeling.py │ ├── patcher.py │ └── shared.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 ├── modeling │ ├── __init__.py │ ├── __pycache__ │ │ ├── __init__.cpython-36.pyc │ │ ├── anchor_generator.cpython-36.pyc │ │ ├── box_regression.cpython-36.pyc │ │ ├── matcher.cpython-36.pyc │ │ ├── poolers.cpython-36.pyc │ │ ├── postprocessing.cpython-36.pyc │ │ ├── sampling.cpython-36.pyc │ │ └── test_time_augmentation.cpython-36.pyc │ ├── anchor_generator.py │ ├── backbone │ │ ├── __init__.py │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-36.pyc │ │ │ ├── backbone.cpython-36.pyc │ │ │ ├── build.cpython-36.pyc │ │ │ ├── fpn.cpython-36.pyc │ │ │ └── resnet.cpython-36.pyc │ │ ├── backbone.py │ │ ├── build.py │ │ ├── fpn.py │ │ └── resnet.py │ ├── box_regression.py │ ├── matcher.py │ ├── meta_arch │ │ ├── LISA_meta_arch.py │ │ ├── __init__.py │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-36.pyc │ │ │ ├── build.cpython-36.pyc │ │ │ ├── panoptic_fpn.cpython-36.pyc │ │ │ ├── rcnn.cpython-36.pyc │ │ │ ├── retinanet.cpython-36.pyc │ │ │ └── semantic_seg.cpython-36.pyc │ │ ├── build.py │ │ ├── panoptic_fpn.py │ │ ├── rcnn.py │ │ ├── retinanet.py │ │ └── semantic_seg.py │ ├── poolers.py │ ├── postprocessing.py │ ├── proposal_generator │ │ ├── LISA_rpn.py │ │ ├── __init__.py │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-36.pyc │ │ │ ├── build.cpython-36.pyc │ │ │ ├── proposal_utils.cpython-36.pyc │ │ │ ├── rpn.cpython-36.pyc │ │ │ ├── rpn_outputs.cpython-36.pyc │ │ │ ├── rrpn.cpython-36.pyc │ │ │ └── rrpn_outputs.cpython-36.pyc │ │ ├── build.py │ │ ├── proposal_utils.py │ │ ├── rpn.py │ │ ├── rpn_outputs.py │ │ ├── rrpn.py │ │ └── rrpn_outputs.py │ ├── roi_heads │ │ ├── LISA_rcnn.py │ │ ├── __init__.py │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-36.pyc │ │ │ ├── box_head.cpython-36.pyc │ │ │ ├── cascade_rcnn.cpython-36.pyc │ │ │ ├── fast_rcnn.cpython-36.pyc │ │ │ ├── keypoint_head.cpython-36.pyc │ │ │ ├── mask_head.cpython-36.pyc │ │ │ └── roi_heads.cpython-36.pyc │ │ ├── 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 ├── solver │ ├── __init__.py │ ├── __pycache__ │ │ ├── __init__.cpython-36.pyc │ │ ├── build.cpython-36.pyc │ │ └── lr_scheduler.cpython-36.pyc │ ├── build.py │ └── lr_scheduler.py ├── structures │ ├── __init__.py │ ├── __pycache__ │ │ ├── __init__.cpython-36.pyc │ │ ├── boxes.cpython-36.pyc │ │ ├── image_list.cpython-36.pyc │ │ ├── instances.cpython-36.pyc │ │ ├── keypoints.cpython-36.pyc │ │ ├── masks.cpython-36.pyc │ │ └── rotated_boxes.cpython-36.pyc │ ├── boxes.py │ ├── image_list.py │ ├── instances.py │ ├── keypoints.py │ ├── masks.py │ └── rotated_boxes.py └── utils │ ├── README.md │ ├── __init__.py │ ├── __pycache__ │ ├── __init__.cpython-36.pyc │ ├── collect_env.cpython-36.pyc │ ├── colormap.cpython-36.pyc │ ├── comm.cpython-36.pyc │ ├── env.cpython-36.pyc │ ├── events.cpython-36.pyc │ ├── logger.cpython-36.pyc │ ├── registry.cpython-36.pyc │ ├── serialize.cpython-36.pyc │ ├── video_visualizer.cpython-36.pyc │ └── visualizer.cpython-36.pyc │ ├── collect_env.py │ ├── colormap.py │ ├── comm.py │ ├── develop.py │ ├── env.py │ ├── events.py │ ├── logger.py │ ├── memory.py │ ├── registry.py │ ├── serialize.py │ ├── video_visualizer.py │ ├── visualizer.py │ └── visualizer.py.back ├── dev ├── README.md ├── linter.sh ├── packaging │ ├── README.md │ ├── build_all_wheels.sh │ ├── build_wheel.sh │ ├── gen_wheel_index.sh │ └── pkg_helpers.bash ├── parse_results.sh ├── run_inference_tests.sh └── run_instant_tests.sh ├── dist └── detectron2-0.1-py3.6-linux-x86_64.egg ├── docker ├── Dockerfile ├── Dockerfile-circleci └── docker-compose.yml ├── docs ├── .gitignore ├── Makefile ├── README.md ├── conf.py ├── index.rst ├── modules │ ├── checkpoint.rst │ ├── config.rst │ ├── data.rst │ ├── engine.rst │ ├── evaluation.rst │ ├── export.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 │ ├── configs.md │ ├── data_loading.md │ ├── datasets.md │ ├── deployment.md │ ├── evaluation.md │ ├── extend.md │ ├── getting_started.md │ ├── index.rst │ ├── install.md │ ├── models.md │ ├── training.md │ └── write-models.md ├── projects └── LISA │ ├── LISA │ ├── LISA_meta_arch.py │ ├── LISA_rcnn.py │ ├── LISA_rpn.py │ ├── __init__.py │ ├── __pycache__ │ │ ├── LISA_meta_arch.cpython-36.pyc │ │ ├── LISA_rcnn.cpython-36.pyc │ │ ├── LISA_rpn.cpython-36.pyc │ │ ├── __init__.cpython-36.pyc │ │ ├── config.cpython-36.pyc │ │ └── matchor.cpython-36.pyc │ └── config.py │ ├── SOAP.py │ ├── __init__.py │ ├── config │ ├── Base-RCNN-FPN.yaml │ ├── LISA_101_FPN_3x.yaml │ └── LISA_101_FPN_3x_demo.yaml │ ├── defaults.py │ ├── demo.py │ ├── demo │ └── web-shadow0573.jpg │ ├── output_light │ ├── inference │ │ ├── instances_predictions.pth │ │ ├── soba_association_results.json │ │ └── soba_instances_results.json │ └── last_checkpoint │ ├── predictor.py │ ├── train_net.py │ ├── utils.py │ ├── visualize_data.py │ ├── visualize_json_results.py │ └── web-shadow0573.jpg ├── setup.cfg ├── setup.py └── tests ├── README.md ├── __init__.py ├── test_anchor_generator.py ├── test_box2box_transform.py ├── test_boxes.py ├── test_checkpoint.py ├── test_config.py ├── test_data_loader.py ├── test_data_transform.py ├── test_fast_rcnn.py ├── test_mask_ops.py ├── test_model_e2e.py ├── test_model_zoo.py ├── test_nms_rotated.py ├── test_roi_align.py ├── test_roi_align_rotated.py ├── test_roi_heads.py ├── test_roi_pooler.py ├── test_rotated_boxes.py ├── test_rpn.py ├── test_sampler.py └── test_visualizer.py /.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/.gitignore -------------------------------------------------------------------------------- /LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/LICENSE -------------------------------------------------------------------------------- /PythonAPI/Makefile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/PythonAPI/Makefile -------------------------------------------------------------------------------- /PythonAPI/build/common/maskApi.o: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/PythonAPI/build/common/maskApi.o -------------------------------------------------------------------------------- /PythonAPI/common/gason.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/PythonAPI/common/gason.cpp -------------------------------------------------------------------------------- /PythonAPI/common/gason.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/PythonAPI/common/gason.h -------------------------------------------------------------------------------- /PythonAPI/common/maskApi.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/PythonAPI/common/maskApi.c -------------------------------------------------------------------------------- /PythonAPI/common/maskApi.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/PythonAPI/common/maskApi.h -------------------------------------------------------------------------------- /PythonAPI/dist/pycocotools-2.0-py3.6-linux-x86_64.egg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/PythonAPI/dist/pycocotools-2.0-py3.6-linux-x86_64.egg -------------------------------------------------------------------------------- /PythonAPI/dist/pysobatools-2.0-py3.6-linux-x86_64.egg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/PythonAPI/dist/pysobatools-2.0-py3.6-linux-x86_64.egg -------------------------------------------------------------------------------- /PythonAPI/pysobatools/__init__.py: -------------------------------------------------------------------------------- 1 | __author__ = 'tylin' 2 | -------------------------------------------------------------------------------- /PythonAPI/pysobatools/_mask.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/PythonAPI/pysobatools/_mask.c -------------------------------------------------------------------------------- /PythonAPI/pysobatools/_mask.cpython-36m-x86_64-linux-gnu.so: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/PythonAPI/pysobatools/_mask.cpython-36m-x86_64-linux-gnu.so -------------------------------------------------------------------------------- /PythonAPI/pysobatools/_mask.pyx: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/PythonAPI/pysobatools/_mask.pyx -------------------------------------------------------------------------------- /PythonAPI/pysobatools/cocoeval.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/PythonAPI/pysobatools/cocoeval.py -------------------------------------------------------------------------------- /PythonAPI/pysobatools/mask.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/PythonAPI/pysobatools/mask.py -------------------------------------------------------------------------------- /PythonAPI/pysobatools/soba.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/PythonAPI/pysobatools/soba.py -------------------------------------------------------------------------------- /PythonAPI/pysobatools/sobaeval.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/PythonAPI/pysobatools/sobaeval.py -------------------------------------------------------------------------------- /PythonAPI/setup.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/PythonAPI/setup.py -------------------------------------------------------------------------------- /README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/README.md -------------------------------------------------------------------------------- /configs/Base-RCNN-C4.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/configs/Base-RCNN-C4.yaml -------------------------------------------------------------------------------- /configs/Base-RCNN-DilatedC5.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/configs/Base-RCNN-DilatedC5.yaml -------------------------------------------------------------------------------- /configs/Base-RCNN-FPN.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/configs/Base-RCNN-FPN.yaml -------------------------------------------------------------------------------- /configs/Base-RetinaNet.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/configs/Base-RetinaNet.yaml -------------------------------------------------------------------------------- /configs/COCO-Detection/fast_rcnn_R_50_FPN_1x.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/configs/COCO-Detection/fast_rcnn_R_50_FPN_1x.yaml -------------------------------------------------------------------------------- /configs/COCO-Detection/faster_rcnn_R_101_C4_3x.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/configs/COCO-Detection/faster_rcnn_R_101_C4_3x.yaml -------------------------------------------------------------------------------- /configs/COCO-Detection/faster_rcnn_R_101_DC5_3x.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/configs/COCO-Detection/faster_rcnn_R_101_DC5_3x.yaml -------------------------------------------------------------------------------- /configs/COCO-Detection/faster_rcnn_R_101_FPN_3x.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/configs/COCO-Detection/faster_rcnn_R_101_FPN_3x.yaml -------------------------------------------------------------------------------- /configs/COCO-Detection/faster_rcnn_R_50_C4_1x.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/configs/COCO-Detection/faster_rcnn_R_50_C4_1x.yaml -------------------------------------------------------------------------------- /configs/COCO-Detection/faster_rcnn_R_50_C4_3x.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/configs/COCO-Detection/faster_rcnn_R_50_C4_3x.yaml -------------------------------------------------------------------------------- /configs/COCO-Detection/faster_rcnn_R_50_DC5_1x.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/configs/COCO-Detection/faster_rcnn_R_50_DC5_1x.yaml -------------------------------------------------------------------------------- /configs/COCO-Detection/faster_rcnn_R_50_DC5_3x.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/configs/COCO-Detection/faster_rcnn_R_50_DC5_3x.yaml -------------------------------------------------------------------------------- /configs/COCO-Detection/faster_rcnn_R_50_FPN_1x.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/configs/COCO-Detection/faster_rcnn_R_50_FPN_1x.yaml -------------------------------------------------------------------------------- /configs/COCO-Detection/faster_rcnn_R_50_FPN_3x.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/configs/COCO-Detection/faster_rcnn_R_50_FPN_3x.yaml -------------------------------------------------------------------------------- /configs/COCO-Detection/faster_rcnn_X_101_32x8d_FPN_3x.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/configs/COCO-Detection/faster_rcnn_X_101_32x8d_FPN_3x.yaml -------------------------------------------------------------------------------- /configs/COCO-Detection/retinanet_R_101_FPN_3x.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/configs/COCO-Detection/retinanet_R_101_FPN_3x.yaml -------------------------------------------------------------------------------- /configs/COCO-Detection/retinanet_R_50_FPN_1x.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/configs/COCO-Detection/retinanet_R_50_FPN_1x.yaml -------------------------------------------------------------------------------- /configs/COCO-Detection/retinanet_R_50_FPN_3x.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/configs/COCO-Detection/retinanet_R_50_FPN_3x.yaml -------------------------------------------------------------------------------- /configs/COCO-Detection/rpn_R_50_C4_1x.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/configs/COCO-Detection/rpn_R_50_C4_1x.yaml -------------------------------------------------------------------------------- /configs/COCO-Detection/rpn_R_50_FPN_1x.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/configs/COCO-Detection/rpn_R_50_FPN_1x.yaml -------------------------------------------------------------------------------- /configs/COCO-InstanceSegmentation/mask_rcnn_R_101_C4_3x.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/configs/COCO-InstanceSegmentation/mask_rcnn_R_101_C4_3x.yaml -------------------------------------------------------------------------------- /configs/COCO-InstanceSegmentation/mask_rcnn_R_101_DC5_3x.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/configs/COCO-InstanceSegmentation/mask_rcnn_R_101_DC5_3x.yaml -------------------------------------------------------------------------------- /configs/COCO-InstanceSegmentation/mask_rcnn_R_101_FPN_3x.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/configs/COCO-InstanceSegmentation/mask_rcnn_R_101_FPN_3x.yaml -------------------------------------------------------------------------------- /configs/COCO-InstanceSegmentation/mask_rcnn_R_50_C4_1x.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/configs/COCO-InstanceSegmentation/mask_rcnn_R_50_C4_1x.yaml -------------------------------------------------------------------------------- /configs/COCO-InstanceSegmentation/mask_rcnn_R_50_C4_3x.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/configs/COCO-InstanceSegmentation/mask_rcnn_R_50_C4_3x.yaml -------------------------------------------------------------------------------- /configs/COCO-InstanceSegmentation/mask_rcnn_R_50_DC5_1x.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/configs/COCO-InstanceSegmentation/mask_rcnn_R_50_DC5_1x.yaml -------------------------------------------------------------------------------- /configs/COCO-InstanceSegmentation/mask_rcnn_R_50_DC5_3x.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/configs/COCO-InstanceSegmentation/mask_rcnn_R_50_DC5_3x.yaml -------------------------------------------------------------------------------- /configs/COCO-InstanceSegmentation/mask_rcnn_R_50_FPN_1x.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/configs/COCO-InstanceSegmentation/mask_rcnn_R_50_FPN_1x.yaml -------------------------------------------------------------------------------- /configs/COCO-InstanceSegmentation/mask_rcnn_R_50_FPN_3x.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/configs/COCO-InstanceSegmentation/mask_rcnn_R_50_FPN_3x.yaml -------------------------------------------------------------------------------- /configs/COCO-InstanceSegmentation/mask_rcnn_X_101_32x8d_FPN_3x.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/configs/COCO-InstanceSegmentation/mask_rcnn_X_101_32x8d_FPN_3x.yaml -------------------------------------------------------------------------------- /configs/COCO-Keypoints/Base-Keypoint-RCNN-FPN.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/configs/COCO-Keypoints/Base-Keypoint-RCNN-FPN.yaml -------------------------------------------------------------------------------- /configs/COCO-Keypoints/keypoint_rcnn_R_101_FPN_3x.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/configs/COCO-Keypoints/keypoint_rcnn_R_101_FPN_3x.yaml -------------------------------------------------------------------------------- /configs/COCO-Keypoints/keypoint_rcnn_R_50_FPN_1x.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/configs/COCO-Keypoints/keypoint_rcnn_R_50_FPN_1x.yaml -------------------------------------------------------------------------------- /configs/COCO-Keypoints/keypoint_rcnn_R_50_FPN_3x.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/configs/COCO-Keypoints/keypoint_rcnn_R_50_FPN_3x.yaml -------------------------------------------------------------------------------- /configs/COCO-Keypoints/keypoint_rcnn_X_101_32x8d_FPN_3x.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/configs/COCO-Keypoints/keypoint_rcnn_X_101_32x8d_FPN_3x.yaml -------------------------------------------------------------------------------- /configs/COCO-PanopticSegmentation/Base-Panoptic-FPN.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/configs/COCO-PanopticSegmentation/Base-Panoptic-FPN.yaml -------------------------------------------------------------------------------- /configs/COCO-PanopticSegmentation/panoptic_fpn_R_101_3x.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/configs/COCO-PanopticSegmentation/panoptic_fpn_R_101_3x.yaml -------------------------------------------------------------------------------- /configs/COCO-PanopticSegmentation/panoptic_fpn_R_50_1x.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/configs/COCO-PanopticSegmentation/panoptic_fpn_R_50_1x.yaml -------------------------------------------------------------------------------- /configs/COCO-PanopticSegmentation/panoptic_fpn_R_50_3x.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/configs/COCO-PanopticSegmentation/panoptic_fpn_R_50_3x.yaml -------------------------------------------------------------------------------- /configs/Cityscapes/mask_rcnn_R_50_FPN.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/configs/Cityscapes/mask_rcnn_R_50_FPN.yaml -------------------------------------------------------------------------------- /configs/Detectron1-Comparisons/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/configs/Detectron1-Comparisons/README.md -------------------------------------------------------------------------------- /configs/Detectron1-Comparisons/faster_rcnn_R_50_FPN_noaug_1x.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/configs/Detectron1-Comparisons/faster_rcnn_R_50_FPN_noaug_1x.yaml -------------------------------------------------------------------------------- /configs/Detectron1-Comparisons/keypoint_rcnn_R_50_FPN_1x.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/configs/Detectron1-Comparisons/keypoint_rcnn_R_50_FPN_1x.yaml -------------------------------------------------------------------------------- /configs/Detectron1-Comparisons/mask_rcnn_R_50_FPN_noaug_1x.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/configs/Detectron1-Comparisons/mask_rcnn_R_50_FPN_noaug_1x.yaml -------------------------------------------------------------------------------- /configs/LVIS-InstanceSegmentation/mask_rcnn_R_101_FPN_1x.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/configs/LVIS-InstanceSegmentation/mask_rcnn_R_101_FPN_1x.yaml -------------------------------------------------------------------------------- /configs/LVIS-InstanceSegmentation/mask_rcnn_R_50_FPN_1x.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/configs/LVIS-InstanceSegmentation/mask_rcnn_R_50_FPN_1x.yaml -------------------------------------------------------------------------------- /configs/LVIS-InstanceSegmentation/mask_rcnn_X_101_32x8d_FPN_1x.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/configs/LVIS-InstanceSegmentation/mask_rcnn_X_101_32x8d_FPN_1x.yaml -------------------------------------------------------------------------------- /configs/Misc/cascade_mask_rcnn_R_50_FPN_1x.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/configs/Misc/cascade_mask_rcnn_R_50_FPN_1x.yaml -------------------------------------------------------------------------------- /configs/Misc/cascade_mask_rcnn_R_50_FPN_3x.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/configs/Misc/cascade_mask_rcnn_R_50_FPN_3x.yaml -------------------------------------------------------------------------------- /configs/Misc/cascade_mask_rcnn_X_152_32x8d_FPN_IN5k_gn_dconv.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/configs/Misc/cascade_mask_rcnn_X_152_32x8d_FPN_IN5k_gn_dconv.yaml -------------------------------------------------------------------------------- /configs/Misc/mask_rcnn_R_50_FPN_1x_cls_agnostic.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/configs/Misc/mask_rcnn_R_50_FPN_1x_cls_agnostic.yaml -------------------------------------------------------------------------------- /configs/Misc/mask_rcnn_R_50_FPN_1x_dconv_c3-c5.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/configs/Misc/mask_rcnn_R_50_FPN_1x_dconv_c3-c5.yaml -------------------------------------------------------------------------------- /configs/Misc/mask_rcnn_R_50_FPN_3x_dconv_c3-c5.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/configs/Misc/mask_rcnn_R_50_FPN_3x_dconv_c3-c5.yaml -------------------------------------------------------------------------------- /configs/Misc/mask_rcnn_R_50_FPN_3x_gn.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/configs/Misc/mask_rcnn_R_50_FPN_3x_gn.yaml -------------------------------------------------------------------------------- /configs/Misc/mask_rcnn_R_50_FPN_3x_syncbn.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/configs/Misc/mask_rcnn_R_50_FPN_3x_syncbn.yaml -------------------------------------------------------------------------------- /configs/Misc/panoptic_fpn_R_101_dconv_cascade_gn_3x.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/configs/Misc/panoptic_fpn_R_101_dconv_cascade_gn_3x.yaml -------------------------------------------------------------------------------- /configs/Misc/scratch_mask_rcnn_R_50_FPN_3x_gn.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/configs/Misc/scratch_mask_rcnn_R_50_FPN_3x_gn.yaml -------------------------------------------------------------------------------- /configs/Misc/semantic_R_50_FPN_1x.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/configs/Misc/semantic_R_50_FPN_1x.yaml -------------------------------------------------------------------------------- /configs/PascalVOC-Detection/faster_rcnn_R_50_C4.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/configs/PascalVOC-Detection/faster_rcnn_R_50_C4.yaml -------------------------------------------------------------------------------- /configs/PascalVOC-Detection/faster_rcnn_R_50_FPN.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/configs/PascalVOC-Detection/faster_rcnn_R_50_FPN.yaml -------------------------------------------------------------------------------- /configs/quick_schedules/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/configs/quick_schedules/README.md -------------------------------------------------------------------------------- /configs/quick_schedules/fast_rcnn_R_50_FPN_inference_acc_test.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/configs/quick_schedules/fast_rcnn_R_50_FPN_inference_acc_test.yaml -------------------------------------------------------------------------------- /configs/quick_schedules/fast_rcnn_R_50_FPN_instant_test.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/configs/quick_schedules/fast_rcnn_R_50_FPN_instant_test.yaml -------------------------------------------------------------------------------- /configs/quick_schedules/keypoint_rcnn_R_50_FPN_inference_acc_test.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/configs/quick_schedules/keypoint_rcnn_R_50_FPN_inference_acc_test.yaml -------------------------------------------------------------------------------- /configs/quick_schedules/keypoint_rcnn_R_50_FPN_instant_test.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/configs/quick_schedules/keypoint_rcnn_R_50_FPN_instant_test.yaml -------------------------------------------------------------------------------- /configs/quick_schedules/keypoint_rcnn_R_50_FPN_normalized_training_acc_test.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/configs/quick_schedules/keypoint_rcnn_R_50_FPN_normalized_training_acc_test.yaml -------------------------------------------------------------------------------- /configs/quick_schedules/keypoint_rcnn_R_50_FPN_training_acc_test.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/configs/quick_schedules/keypoint_rcnn_R_50_FPN_training_acc_test.yaml -------------------------------------------------------------------------------- /configs/quick_schedules/mask_rcnn_R_50_C4_inference_acc_test.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/configs/quick_schedules/mask_rcnn_R_50_C4_inference_acc_test.yaml -------------------------------------------------------------------------------- /configs/quick_schedules/mask_rcnn_R_50_C4_instant_test.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/configs/quick_schedules/mask_rcnn_R_50_C4_instant_test.yaml -------------------------------------------------------------------------------- /configs/quick_schedules/mask_rcnn_R_50_C4_training_acc_test.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/configs/quick_schedules/mask_rcnn_R_50_C4_training_acc_test.yaml -------------------------------------------------------------------------------- /configs/quick_schedules/mask_rcnn_R_50_DC5_inference_acc_test.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/configs/quick_schedules/mask_rcnn_R_50_DC5_inference_acc_test.yaml -------------------------------------------------------------------------------- /configs/quick_schedules/mask_rcnn_R_50_FPN_inference_acc_test.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/configs/quick_schedules/mask_rcnn_R_50_FPN_inference_acc_test.yaml -------------------------------------------------------------------------------- /configs/quick_schedules/mask_rcnn_R_50_FPN_instant_test.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/configs/quick_schedules/mask_rcnn_R_50_FPN_instant_test.yaml -------------------------------------------------------------------------------- /configs/quick_schedules/mask_rcnn_R_50_FPN_training_acc_test.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/configs/quick_schedules/mask_rcnn_R_50_FPN_training_acc_test.yaml -------------------------------------------------------------------------------- /configs/quick_schedules/panoptic_fpn_R_50_inference_acc_test.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/configs/quick_schedules/panoptic_fpn_R_50_inference_acc_test.yaml -------------------------------------------------------------------------------- /configs/quick_schedules/panoptic_fpn_R_50_instant_test.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/configs/quick_schedules/panoptic_fpn_R_50_instant_test.yaml -------------------------------------------------------------------------------- /configs/quick_schedules/panoptic_fpn_R_50_training_acc_test.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/configs/quick_schedules/panoptic_fpn_R_50_training_acc_test.yaml -------------------------------------------------------------------------------- /configs/quick_schedules/retinanet_R_50_FPN_inference_acc_test.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/configs/quick_schedules/retinanet_R_50_FPN_inference_acc_test.yaml -------------------------------------------------------------------------------- /configs/quick_schedules/retinanet_R_50_FPN_instant_test.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/configs/quick_schedules/retinanet_R_50_FPN_instant_test.yaml -------------------------------------------------------------------------------- /configs/quick_schedules/rpn_R_50_FPN_inference_acc_test.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/configs/quick_schedules/rpn_R_50_FPN_inference_acc_test.yaml -------------------------------------------------------------------------------- /configs/quick_schedules/rpn_R_50_FPN_instant_test.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/configs/quick_schedules/rpn_R_50_FPN_instant_test.yaml -------------------------------------------------------------------------------- /configs/quick_schedules/semantic_R_50_FPN_inference_acc_test.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/configs/quick_schedules/semantic_R_50_FPN_inference_acc_test.yaml -------------------------------------------------------------------------------- /configs/quick_schedules/semantic_R_50_FPN_instant_test.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/configs/quick_schedules/semantic_R_50_FPN_instant_test.yaml -------------------------------------------------------------------------------- /configs/quick_schedules/semantic_R_50_FPN_training_acc_test.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/configs/quick_schedules/semantic_R_50_FPN_training_acc_test.yaml -------------------------------------------------------------------------------- /datasets/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/datasets/README.md -------------------------------------------------------------------------------- /datasets/prepare_for_tests.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/datasets/prepare_for_tests.sh -------------------------------------------------------------------------------- /datasets/prepare_panoptic_fpn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/datasets/prepare_panoptic_fpn.py -------------------------------------------------------------------------------- /demo/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/demo/README.md -------------------------------------------------------------------------------- /demo/demo.jpeg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/demo/demo.jpeg -------------------------------------------------------------------------------- /demo/demo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/demo/demo.py -------------------------------------------------------------------------------- /demo/predictor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/demo/predictor.py -------------------------------------------------------------------------------- /detectron2/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/__init__.py -------------------------------------------------------------------------------- /detectron2/checkpoint/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/checkpoint/__init__.py -------------------------------------------------------------------------------- /detectron2/checkpoint/__pycache__/__init__.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/checkpoint/__pycache__/__init__.cpython-36.pyc -------------------------------------------------------------------------------- /detectron2/checkpoint/__pycache__/c2_model_loading.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/checkpoint/__pycache__/c2_model_loading.cpython-36.pyc -------------------------------------------------------------------------------- /detectron2/checkpoint/__pycache__/detection_checkpoint.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/checkpoint/__pycache__/detection_checkpoint.cpython-36.pyc -------------------------------------------------------------------------------- /detectron2/checkpoint/__pycache__/model_zoo.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/checkpoint/__pycache__/model_zoo.cpython-36.pyc -------------------------------------------------------------------------------- /detectron2/checkpoint/c2_model_loading.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/checkpoint/c2_model_loading.py -------------------------------------------------------------------------------- /detectron2/checkpoint/catalog.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/checkpoint/catalog.py -------------------------------------------------------------------------------- /detectron2/checkpoint/detection_checkpoint.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/checkpoint/detection_checkpoint.py -------------------------------------------------------------------------------- /detectron2/checkpoint/model_zoo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/checkpoint/model_zoo.py -------------------------------------------------------------------------------- /detectron2/config/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/config/__init__.py -------------------------------------------------------------------------------- /detectron2/config/__pycache__/__init__.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/config/__pycache__/__init__.cpython-36.pyc -------------------------------------------------------------------------------- /detectron2/config/__pycache__/compat.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/config/__pycache__/compat.cpython-36.pyc -------------------------------------------------------------------------------- /detectron2/config/__pycache__/config.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/config/__pycache__/config.cpython-36.pyc -------------------------------------------------------------------------------- /detectron2/config/__pycache__/defaults.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/config/__pycache__/defaults.cpython-36.pyc -------------------------------------------------------------------------------- /detectron2/config/compat.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/config/compat.py -------------------------------------------------------------------------------- /detectron2/config/config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/config/config.py -------------------------------------------------------------------------------- /detectron2/config/defaults.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/config/defaults.py -------------------------------------------------------------------------------- /detectron2/data/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/data/__init__.py -------------------------------------------------------------------------------- /detectron2/data/__pycache__/__init__.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/data/__pycache__/__init__.cpython-36.pyc -------------------------------------------------------------------------------- /detectron2/data/__pycache__/build.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/data/__pycache__/build.cpython-36.pyc -------------------------------------------------------------------------------- /detectron2/data/__pycache__/catalog.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/data/__pycache__/catalog.cpython-36.pyc -------------------------------------------------------------------------------- /detectron2/data/__pycache__/common.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/data/__pycache__/common.cpython-36.pyc -------------------------------------------------------------------------------- /detectron2/data/__pycache__/dataset_mapper.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/data/__pycache__/dataset_mapper.cpython-36.pyc -------------------------------------------------------------------------------- /detectron2/data/__pycache__/detection_utils.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/data/__pycache__/detection_utils.cpython-36.pyc -------------------------------------------------------------------------------- /detectron2/data/build.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/data/build.py -------------------------------------------------------------------------------- /detectron2/data/catalog.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/data/catalog.py -------------------------------------------------------------------------------- /detectron2/data/common.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/data/common.py -------------------------------------------------------------------------------- /detectron2/data/dataset_mapper.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/data/dataset_mapper.py -------------------------------------------------------------------------------- /detectron2/data/dataset_mapper.py.bak: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/data/dataset_mapper.py.bak -------------------------------------------------------------------------------- /detectron2/data/datasets/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/data/datasets/README.md -------------------------------------------------------------------------------- /detectron2/data/datasets/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/data/datasets/__init__.py -------------------------------------------------------------------------------- /detectron2/data/datasets/__pycache__/__init__.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/data/datasets/__pycache__/__init__.cpython-36.pyc -------------------------------------------------------------------------------- /detectron2/data/datasets/__pycache__/builtin.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/data/datasets/__pycache__/builtin.cpython-36.pyc -------------------------------------------------------------------------------- /detectron2/data/datasets/__pycache__/builtin_meta.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/data/datasets/__pycache__/builtin_meta.cpython-36.pyc -------------------------------------------------------------------------------- /detectron2/data/datasets/__pycache__/cityscapes.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/data/datasets/__pycache__/cityscapes.cpython-36.pyc -------------------------------------------------------------------------------- /detectron2/data/datasets/__pycache__/coco.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/data/datasets/__pycache__/coco.cpython-36.pyc -------------------------------------------------------------------------------- /detectron2/data/datasets/__pycache__/lvis.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/data/datasets/__pycache__/lvis.cpython-36.pyc -------------------------------------------------------------------------------- /detectron2/data/datasets/__pycache__/lvis_v0_5_categories.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/data/datasets/__pycache__/lvis_v0_5_categories.cpython-36.pyc -------------------------------------------------------------------------------- /detectron2/data/datasets/__pycache__/pascal_voc.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/data/datasets/__pycache__/pascal_voc.cpython-36.pyc -------------------------------------------------------------------------------- /detectron2/data/datasets/__pycache__/register_coco.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/data/datasets/__pycache__/register_coco.cpython-36.pyc -------------------------------------------------------------------------------- /detectron2/data/datasets/builtin.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/data/datasets/builtin.py -------------------------------------------------------------------------------- /detectron2/data/datasets/builtin_meta.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/data/datasets/builtin_meta.py -------------------------------------------------------------------------------- /detectron2/data/datasets/cityscapes.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/data/datasets/cityscapes.py -------------------------------------------------------------------------------- /detectron2/data/datasets/coco.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/data/datasets/coco.py -------------------------------------------------------------------------------- /detectron2/data/datasets/lvis.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/data/datasets/lvis.py -------------------------------------------------------------------------------- /detectron2/data/datasets/lvis_v0_5_categories.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/data/datasets/lvis_v0_5_categories.py -------------------------------------------------------------------------------- /detectron2/data/datasets/pascal_voc.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/data/datasets/pascal_voc.py -------------------------------------------------------------------------------- /detectron2/data/datasets/register_coco.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/data/datasets/register_coco.py -------------------------------------------------------------------------------- /detectron2/data/datasets/register_soba.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/data/datasets/register_soba.py -------------------------------------------------------------------------------- /detectron2/data/datasets/soba.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/data/datasets/soba.py -------------------------------------------------------------------------------- /detectron2/data/detection_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/data/detection_utils.py -------------------------------------------------------------------------------- /detectron2/data/samplers/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/data/samplers/__init__.py -------------------------------------------------------------------------------- /detectron2/data/samplers/__pycache__/__init__.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/data/samplers/__pycache__/__init__.cpython-36.pyc -------------------------------------------------------------------------------- /detectron2/data/samplers/__pycache__/distributed_sampler.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/data/samplers/__pycache__/distributed_sampler.cpython-36.pyc -------------------------------------------------------------------------------- /detectron2/data/samplers/__pycache__/grouped_batch_sampler.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/data/samplers/__pycache__/grouped_batch_sampler.cpython-36.pyc -------------------------------------------------------------------------------- /detectron2/data/samplers/distributed_sampler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/data/samplers/distributed_sampler.py -------------------------------------------------------------------------------- /detectron2/data/samplers/grouped_batch_sampler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/data/samplers/grouped_batch_sampler.py -------------------------------------------------------------------------------- /detectron2/data/transforms/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/data/transforms/__init__.py -------------------------------------------------------------------------------- /detectron2/data/transforms/__pycache__/__init__.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/data/transforms/__pycache__/__init__.cpython-36.pyc -------------------------------------------------------------------------------- /detectron2/data/transforms/__pycache__/transform.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/data/transforms/__pycache__/transform.cpython-36.pyc -------------------------------------------------------------------------------- /detectron2/data/transforms/__pycache__/transform_gen.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/data/transforms/__pycache__/transform_gen.cpython-36.pyc -------------------------------------------------------------------------------- /detectron2/data/transforms/transform.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/data/transforms/transform.py -------------------------------------------------------------------------------- /detectron2/data/transforms/transform_gen.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/data/transforms/transform_gen.py -------------------------------------------------------------------------------- /detectron2/engine/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/engine/__init__.py -------------------------------------------------------------------------------- /detectron2/engine/__pycache__/__init__.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/engine/__pycache__/__init__.cpython-36.pyc -------------------------------------------------------------------------------- /detectron2/engine/__pycache__/defaults.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/engine/__pycache__/defaults.cpython-36.pyc -------------------------------------------------------------------------------- /detectron2/engine/__pycache__/hooks.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/engine/__pycache__/hooks.cpython-36.pyc -------------------------------------------------------------------------------- /detectron2/engine/__pycache__/launch.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/engine/__pycache__/launch.cpython-36.pyc -------------------------------------------------------------------------------- /detectron2/engine/__pycache__/train_loop.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/engine/__pycache__/train_loop.cpython-36.pyc -------------------------------------------------------------------------------- /detectron2/engine/defaults.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/engine/defaults.py -------------------------------------------------------------------------------- /detectron2/engine/hooks.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/engine/hooks.py -------------------------------------------------------------------------------- /detectron2/engine/launch.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/engine/launch.py -------------------------------------------------------------------------------- /detectron2/engine/train_loop.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/engine/train_loop.py -------------------------------------------------------------------------------- /detectron2/evaluation/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/evaluation/__init__.py -------------------------------------------------------------------------------- /detectron2/evaluation/__pycache__/__init__.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/evaluation/__pycache__/__init__.cpython-36.pyc -------------------------------------------------------------------------------- /detectron2/evaluation/__pycache__/cityscapes_evaluation.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/evaluation/__pycache__/cityscapes_evaluation.cpython-36.pyc -------------------------------------------------------------------------------- /detectron2/evaluation/__pycache__/coco_evaluation.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/evaluation/__pycache__/coco_evaluation.cpython-36.pyc -------------------------------------------------------------------------------- /detectron2/evaluation/__pycache__/evaluator.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/evaluation/__pycache__/evaluator.cpython-36.pyc -------------------------------------------------------------------------------- /detectron2/evaluation/__pycache__/ins_result_paired.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/evaluation/__pycache__/ins_result_paired.json -------------------------------------------------------------------------------- /detectron2/evaluation/__pycache__/lvis_evaluation.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/evaluation/__pycache__/lvis_evaluation.cpython-36.pyc -------------------------------------------------------------------------------- /detectron2/evaluation/__pycache__/panoptic_evaluation.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/evaluation/__pycache__/panoptic_evaluation.cpython-36.pyc -------------------------------------------------------------------------------- /detectron2/evaluation/__pycache__/pascal_voc_evaluation.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/evaluation/__pycache__/pascal_voc_evaluation.cpython-36.pyc -------------------------------------------------------------------------------- /detectron2/evaluation/__pycache__/rel_result_paired.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/evaluation/__pycache__/rel_result_paired.json -------------------------------------------------------------------------------- /detectron2/evaluation/__pycache__/sem_seg_evaluation.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/evaluation/__pycache__/sem_seg_evaluation.cpython-36.pyc -------------------------------------------------------------------------------- /detectron2/evaluation/__pycache__/testing.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/evaluation/__pycache__/testing.cpython-36.pyc -------------------------------------------------------------------------------- /detectron2/evaluation/cityscapes_evaluation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/evaluation/cityscapes_evaluation.py -------------------------------------------------------------------------------- /detectron2/evaluation/coco_evaluation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/evaluation/coco_evaluation.py -------------------------------------------------------------------------------- /detectron2/evaluation/evaluation/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/evaluation/evaluation/__init__.py -------------------------------------------------------------------------------- /detectron2/evaluation/evaluation/__pycache__/__init__.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/evaluation/evaluation/__pycache__/__init__.cpython-36.pyc -------------------------------------------------------------------------------- /detectron2/evaluation/evaluation/__pycache__/cityscapes_evaluation.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/evaluation/evaluation/__pycache__/cityscapes_evaluation.cpython-36.pyc -------------------------------------------------------------------------------- /detectron2/evaluation/evaluation/__pycache__/coco_evaluation.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/evaluation/evaluation/__pycache__/coco_evaluation.cpython-36.pyc -------------------------------------------------------------------------------- /detectron2/evaluation/evaluation/__pycache__/evaluator.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/evaluation/evaluation/__pycache__/evaluator.cpython-36.pyc -------------------------------------------------------------------------------- /detectron2/evaluation/evaluation/__pycache__/ins_result_paired.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/evaluation/evaluation/__pycache__/ins_result_paired.json -------------------------------------------------------------------------------- /detectron2/evaluation/evaluation/__pycache__/lvis_evaluation.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/evaluation/evaluation/__pycache__/lvis_evaluation.cpython-36.pyc -------------------------------------------------------------------------------- /detectron2/evaluation/evaluation/__pycache__/panoptic_evaluation.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/evaluation/evaluation/__pycache__/panoptic_evaluation.cpython-36.pyc -------------------------------------------------------------------------------- /detectron2/evaluation/evaluation/__pycache__/pascal_voc_evaluation.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/evaluation/evaluation/__pycache__/pascal_voc_evaluation.cpython-36.pyc -------------------------------------------------------------------------------- /detectron2/evaluation/evaluation/__pycache__/rel_result_paired.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/evaluation/evaluation/__pycache__/rel_result_paired.json -------------------------------------------------------------------------------- /detectron2/evaluation/evaluation/__pycache__/sem_seg_evaluation.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/evaluation/evaluation/__pycache__/sem_seg_evaluation.cpython-36.pyc -------------------------------------------------------------------------------- /detectron2/evaluation/evaluation/__pycache__/testing.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/evaluation/evaluation/__pycache__/testing.cpython-36.pyc -------------------------------------------------------------------------------- /detectron2/evaluation/evaluation/cityscapes_evaluation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/evaluation/evaluation/cityscapes_evaluation.py -------------------------------------------------------------------------------- /detectron2/evaluation/evaluation/coco_evaluation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/evaluation/evaluation/coco_evaluation.py -------------------------------------------------------------------------------- /detectron2/evaluation/evaluation/evaluator.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/evaluation/evaluation/evaluator.py -------------------------------------------------------------------------------- /detectron2/evaluation/evaluation/lvis_evaluation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/evaluation/evaluation/lvis_evaluation.py -------------------------------------------------------------------------------- /detectron2/evaluation/evaluation/panoptic_evaluation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/evaluation/evaluation/panoptic_evaluation.py -------------------------------------------------------------------------------- /detectron2/evaluation/evaluation/pascal_voc_evaluation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/evaluation/evaluation/pascal_voc_evaluation.py -------------------------------------------------------------------------------- /detectron2/evaluation/evaluation/sem_seg_evaluation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/evaluation/evaluation/sem_seg_evaluation.py -------------------------------------------------------------------------------- /detectron2/evaluation/evaluation/testing.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/evaluation/evaluation/testing.py -------------------------------------------------------------------------------- /detectron2/evaluation/evaluator.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/evaluation/evaluator.py -------------------------------------------------------------------------------- /detectron2/evaluation/lvis_evaluation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/evaluation/lvis_evaluation.py -------------------------------------------------------------------------------- /detectron2/evaluation/panoptic_evaluation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/evaluation/panoptic_evaluation.py -------------------------------------------------------------------------------- /detectron2/evaluation/pascal_voc_evaluation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/evaluation/pascal_voc_evaluation.py -------------------------------------------------------------------------------- /detectron2/evaluation/rotated_coco_evaluation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/evaluation/rotated_coco_evaluation.py -------------------------------------------------------------------------------- /detectron2/evaluation/sem_seg_evaluation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/evaluation/sem_seg_evaluation.py -------------------------------------------------------------------------------- /detectron2/evaluation/soba_evaluation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/evaluation/soba_evaluation.py -------------------------------------------------------------------------------- /detectron2/evaluation/testing.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/evaluation/testing.py -------------------------------------------------------------------------------- /detectron2/export/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/export/README.md -------------------------------------------------------------------------------- /detectron2/export/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/export/__init__.py -------------------------------------------------------------------------------- /detectron2/export/api.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/export/api.py -------------------------------------------------------------------------------- /detectron2/export/c10.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/export/c10.py -------------------------------------------------------------------------------- /detectron2/export/caffe2_export.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/export/caffe2_export.py -------------------------------------------------------------------------------- /detectron2/export/caffe2_inference.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/export/caffe2_inference.py -------------------------------------------------------------------------------- /detectron2/export/caffe2_modeling.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/export/caffe2_modeling.py -------------------------------------------------------------------------------- /detectron2/export/patcher.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/export/patcher.py -------------------------------------------------------------------------------- /detectron2/export/shared.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/export/shared.py -------------------------------------------------------------------------------- /detectron2/layers/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/layers/__init__.py -------------------------------------------------------------------------------- /detectron2/layers/aspp.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/layers/aspp.py -------------------------------------------------------------------------------- /detectron2/layers/batch_norm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/layers/batch_norm.py -------------------------------------------------------------------------------- /detectron2/layers/blocks.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/layers/blocks.py -------------------------------------------------------------------------------- /detectron2/layers/csrc/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/layers/csrc/README.md -------------------------------------------------------------------------------- /detectron2/layers/csrc/ROIAlignRotated/ROIAlignRotated.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/layers/csrc/ROIAlignRotated/ROIAlignRotated.h -------------------------------------------------------------------------------- /detectron2/layers/csrc/ROIAlignRotated/ROIAlignRotated_cpu.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/layers/csrc/ROIAlignRotated/ROIAlignRotated_cpu.cpp -------------------------------------------------------------------------------- /detectron2/layers/csrc/ROIAlignRotated/ROIAlignRotated_cuda.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/layers/csrc/ROIAlignRotated/ROIAlignRotated_cuda.cu -------------------------------------------------------------------------------- /detectron2/layers/csrc/box_iou_rotated/box_iou_rotated.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/layers/csrc/box_iou_rotated/box_iou_rotated.h -------------------------------------------------------------------------------- /detectron2/layers/csrc/box_iou_rotated/box_iou_rotated_cpu.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/layers/csrc/box_iou_rotated/box_iou_rotated_cpu.cpp -------------------------------------------------------------------------------- /detectron2/layers/csrc/box_iou_rotated/box_iou_rotated_cuda.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/layers/csrc/box_iou_rotated/box_iou_rotated_cuda.cu -------------------------------------------------------------------------------- /detectron2/layers/csrc/box_iou_rotated/box_iou_rotated_utils.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/layers/csrc/box_iou_rotated/box_iou_rotated_utils.h -------------------------------------------------------------------------------- /detectron2/layers/csrc/cocoeval/cocoeval.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/layers/csrc/cocoeval/cocoeval.cpp -------------------------------------------------------------------------------- /detectron2/layers/csrc/cocoeval/cocoeval.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/layers/csrc/cocoeval/cocoeval.h -------------------------------------------------------------------------------- /detectron2/layers/csrc/cuda_version.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/layers/csrc/cuda_version.cu -------------------------------------------------------------------------------- /detectron2/layers/csrc/deformable/deform_conv.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/layers/csrc/deformable/deform_conv.h -------------------------------------------------------------------------------- /detectron2/layers/csrc/deformable/deform_conv_cuda.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/layers/csrc/deformable/deform_conv_cuda.cu -------------------------------------------------------------------------------- /detectron2/layers/csrc/deformable/deform_conv_cuda_kernel.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/layers/csrc/deformable/deform_conv_cuda_kernel.cu -------------------------------------------------------------------------------- /detectron2/layers/csrc/nms_rotated/nms_rotated.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/layers/csrc/nms_rotated/nms_rotated.h -------------------------------------------------------------------------------- /detectron2/layers/csrc/nms_rotated/nms_rotated_cpu.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/layers/csrc/nms_rotated/nms_rotated_cpu.cpp -------------------------------------------------------------------------------- /detectron2/layers/csrc/nms_rotated/nms_rotated_cuda.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/layers/csrc/nms_rotated/nms_rotated_cuda.cu -------------------------------------------------------------------------------- /detectron2/layers/csrc/vision.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/layers/csrc/vision.cpp -------------------------------------------------------------------------------- /detectron2/layers/deform_conv.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/layers/deform_conv.py -------------------------------------------------------------------------------- /detectron2/layers/losses.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/layers/losses.py -------------------------------------------------------------------------------- /detectron2/layers/mask_ops.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/layers/mask_ops.py -------------------------------------------------------------------------------- /detectron2/layers/nms.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/layers/nms.py -------------------------------------------------------------------------------- /detectron2/layers/roi_align.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/layers/roi_align.py -------------------------------------------------------------------------------- /detectron2/layers/roi_align_rotated.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/layers/roi_align_rotated.py -------------------------------------------------------------------------------- /detectron2/layers/rotated_boxes.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/layers/rotated_boxes.py -------------------------------------------------------------------------------- /detectron2/layers/shape_spec.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/layers/shape_spec.py -------------------------------------------------------------------------------- /detectron2/layers/wrappers.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/layers/wrappers.py -------------------------------------------------------------------------------- /detectron2/modeling/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/modeling/__init__.py -------------------------------------------------------------------------------- /detectron2/modeling/__pycache__/__init__.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/modeling/__pycache__/__init__.cpython-36.pyc -------------------------------------------------------------------------------- /detectron2/modeling/__pycache__/anchor_generator.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/modeling/__pycache__/anchor_generator.cpython-36.pyc -------------------------------------------------------------------------------- /detectron2/modeling/__pycache__/box_regression.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/modeling/__pycache__/box_regression.cpython-36.pyc -------------------------------------------------------------------------------- /detectron2/modeling/__pycache__/matcher.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/modeling/__pycache__/matcher.cpython-36.pyc -------------------------------------------------------------------------------- /detectron2/modeling/__pycache__/poolers.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/modeling/__pycache__/poolers.cpython-36.pyc -------------------------------------------------------------------------------- /detectron2/modeling/__pycache__/postprocessing.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/modeling/__pycache__/postprocessing.cpython-36.pyc -------------------------------------------------------------------------------- /detectron2/modeling/__pycache__/sampling.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/modeling/__pycache__/sampling.cpython-36.pyc -------------------------------------------------------------------------------- /detectron2/modeling/__pycache__/test_time_augmentation.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/modeling/__pycache__/test_time_augmentation.cpython-36.pyc -------------------------------------------------------------------------------- /detectron2/modeling/anchor_generator.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/modeling/anchor_generator.py -------------------------------------------------------------------------------- /detectron2/modeling/backbone/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/modeling/backbone/__init__.py -------------------------------------------------------------------------------- /detectron2/modeling/backbone/__pycache__/__init__.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/modeling/backbone/__pycache__/__init__.cpython-36.pyc -------------------------------------------------------------------------------- /detectron2/modeling/backbone/__pycache__/backbone.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/modeling/backbone/__pycache__/backbone.cpython-36.pyc -------------------------------------------------------------------------------- /detectron2/modeling/backbone/__pycache__/build.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/modeling/backbone/__pycache__/build.cpython-36.pyc -------------------------------------------------------------------------------- /detectron2/modeling/backbone/__pycache__/fpn.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/modeling/backbone/__pycache__/fpn.cpython-36.pyc -------------------------------------------------------------------------------- /detectron2/modeling/backbone/__pycache__/resnet.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/modeling/backbone/__pycache__/resnet.cpython-36.pyc -------------------------------------------------------------------------------- /detectron2/modeling/backbone/backbone.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/modeling/backbone/backbone.py -------------------------------------------------------------------------------- /detectron2/modeling/backbone/build.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/modeling/backbone/build.py -------------------------------------------------------------------------------- /detectron2/modeling/backbone/fpn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/modeling/backbone/fpn.py -------------------------------------------------------------------------------- /detectron2/modeling/backbone/resnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/modeling/backbone/resnet.py -------------------------------------------------------------------------------- /detectron2/modeling/box_regression.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/modeling/box_regression.py -------------------------------------------------------------------------------- /detectron2/modeling/matcher.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/modeling/matcher.py -------------------------------------------------------------------------------- /detectron2/modeling/meta_arch/LISA_meta_arch.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/modeling/meta_arch/LISA_meta_arch.py -------------------------------------------------------------------------------- /detectron2/modeling/meta_arch/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/modeling/meta_arch/__init__.py -------------------------------------------------------------------------------- /detectron2/modeling/meta_arch/__pycache__/__init__.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/modeling/meta_arch/__pycache__/__init__.cpython-36.pyc -------------------------------------------------------------------------------- /detectron2/modeling/meta_arch/__pycache__/build.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/modeling/meta_arch/__pycache__/build.cpython-36.pyc -------------------------------------------------------------------------------- /detectron2/modeling/meta_arch/__pycache__/panoptic_fpn.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/modeling/meta_arch/__pycache__/panoptic_fpn.cpython-36.pyc -------------------------------------------------------------------------------- /detectron2/modeling/meta_arch/__pycache__/rcnn.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/modeling/meta_arch/__pycache__/rcnn.cpython-36.pyc -------------------------------------------------------------------------------- /detectron2/modeling/meta_arch/__pycache__/retinanet.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/modeling/meta_arch/__pycache__/retinanet.cpython-36.pyc -------------------------------------------------------------------------------- /detectron2/modeling/meta_arch/__pycache__/semantic_seg.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/modeling/meta_arch/__pycache__/semantic_seg.cpython-36.pyc -------------------------------------------------------------------------------- /detectron2/modeling/meta_arch/build.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/modeling/meta_arch/build.py -------------------------------------------------------------------------------- /detectron2/modeling/meta_arch/panoptic_fpn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/modeling/meta_arch/panoptic_fpn.py -------------------------------------------------------------------------------- /detectron2/modeling/meta_arch/rcnn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/modeling/meta_arch/rcnn.py -------------------------------------------------------------------------------- /detectron2/modeling/meta_arch/retinanet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/modeling/meta_arch/retinanet.py -------------------------------------------------------------------------------- /detectron2/modeling/meta_arch/semantic_seg.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/modeling/meta_arch/semantic_seg.py -------------------------------------------------------------------------------- /detectron2/modeling/poolers.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/modeling/poolers.py -------------------------------------------------------------------------------- /detectron2/modeling/postprocessing.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/modeling/postprocessing.py -------------------------------------------------------------------------------- /detectron2/modeling/proposal_generator/LISA_rpn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/modeling/proposal_generator/LISA_rpn.py -------------------------------------------------------------------------------- /detectron2/modeling/proposal_generator/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/modeling/proposal_generator/__init__.py -------------------------------------------------------------------------------- /detectron2/modeling/proposal_generator/__pycache__/__init__.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/modeling/proposal_generator/__pycache__/__init__.cpython-36.pyc -------------------------------------------------------------------------------- /detectron2/modeling/proposal_generator/__pycache__/build.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/modeling/proposal_generator/__pycache__/build.cpython-36.pyc -------------------------------------------------------------------------------- /detectron2/modeling/proposal_generator/__pycache__/proposal_utils.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/modeling/proposal_generator/__pycache__/proposal_utils.cpython-36.pyc -------------------------------------------------------------------------------- /detectron2/modeling/proposal_generator/__pycache__/rpn.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/modeling/proposal_generator/__pycache__/rpn.cpython-36.pyc -------------------------------------------------------------------------------- /detectron2/modeling/proposal_generator/__pycache__/rpn_outputs.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/modeling/proposal_generator/__pycache__/rpn_outputs.cpython-36.pyc -------------------------------------------------------------------------------- /detectron2/modeling/proposal_generator/__pycache__/rrpn.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/modeling/proposal_generator/__pycache__/rrpn.cpython-36.pyc -------------------------------------------------------------------------------- /detectron2/modeling/proposal_generator/__pycache__/rrpn_outputs.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/modeling/proposal_generator/__pycache__/rrpn_outputs.cpython-36.pyc -------------------------------------------------------------------------------- /detectron2/modeling/proposal_generator/build.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/modeling/proposal_generator/build.py -------------------------------------------------------------------------------- /detectron2/modeling/proposal_generator/proposal_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/modeling/proposal_generator/proposal_utils.py -------------------------------------------------------------------------------- /detectron2/modeling/proposal_generator/rpn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/modeling/proposal_generator/rpn.py -------------------------------------------------------------------------------- /detectron2/modeling/proposal_generator/rpn_outputs.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/modeling/proposal_generator/rpn_outputs.py -------------------------------------------------------------------------------- /detectron2/modeling/proposal_generator/rrpn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/modeling/proposal_generator/rrpn.py -------------------------------------------------------------------------------- /detectron2/modeling/proposal_generator/rrpn_outputs.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/modeling/proposal_generator/rrpn_outputs.py -------------------------------------------------------------------------------- /detectron2/modeling/roi_heads/LISA_rcnn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/modeling/roi_heads/LISA_rcnn.py -------------------------------------------------------------------------------- /detectron2/modeling/roi_heads/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/modeling/roi_heads/__init__.py -------------------------------------------------------------------------------- /detectron2/modeling/roi_heads/__pycache__/__init__.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/modeling/roi_heads/__pycache__/__init__.cpython-36.pyc -------------------------------------------------------------------------------- /detectron2/modeling/roi_heads/__pycache__/box_head.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/modeling/roi_heads/__pycache__/box_head.cpython-36.pyc -------------------------------------------------------------------------------- /detectron2/modeling/roi_heads/__pycache__/cascade_rcnn.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/modeling/roi_heads/__pycache__/cascade_rcnn.cpython-36.pyc -------------------------------------------------------------------------------- /detectron2/modeling/roi_heads/__pycache__/fast_rcnn.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/modeling/roi_heads/__pycache__/fast_rcnn.cpython-36.pyc -------------------------------------------------------------------------------- /detectron2/modeling/roi_heads/__pycache__/keypoint_head.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/modeling/roi_heads/__pycache__/keypoint_head.cpython-36.pyc -------------------------------------------------------------------------------- /detectron2/modeling/roi_heads/__pycache__/mask_head.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/modeling/roi_heads/__pycache__/mask_head.cpython-36.pyc -------------------------------------------------------------------------------- /detectron2/modeling/roi_heads/__pycache__/roi_heads.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/modeling/roi_heads/__pycache__/roi_heads.cpython-36.pyc -------------------------------------------------------------------------------- /detectron2/modeling/roi_heads/box_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/modeling/roi_heads/box_head.py -------------------------------------------------------------------------------- /detectron2/modeling/roi_heads/cascade_rcnn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/modeling/roi_heads/cascade_rcnn.py -------------------------------------------------------------------------------- /detectron2/modeling/roi_heads/fast_rcnn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/modeling/roi_heads/fast_rcnn.py -------------------------------------------------------------------------------- /detectron2/modeling/roi_heads/keypoint_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/modeling/roi_heads/keypoint_head.py -------------------------------------------------------------------------------- /detectron2/modeling/roi_heads/mask_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/modeling/roi_heads/mask_head.py -------------------------------------------------------------------------------- /detectron2/modeling/roi_heads/roi_heads.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/modeling/roi_heads/roi_heads.py -------------------------------------------------------------------------------- /detectron2/modeling/roi_heads/rotated_fast_rcnn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/modeling/roi_heads/rotated_fast_rcnn.py -------------------------------------------------------------------------------- /detectron2/modeling/sampling.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/modeling/sampling.py -------------------------------------------------------------------------------- /detectron2/modeling/test_time_augmentation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/modeling/test_time_augmentation.py -------------------------------------------------------------------------------- /detectron2/solver/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/solver/__init__.py -------------------------------------------------------------------------------- /detectron2/solver/__pycache__/__init__.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/solver/__pycache__/__init__.cpython-36.pyc -------------------------------------------------------------------------------- /detectron2/solver/__pycache__/build.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/solver/__pycache__/build.cpython-36.pyc -------------------------------------------------------------------------------- /detectron2/solver/__pycache__/lr_scheduler.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/solver/__pycache__/lr_scheduler.cpython-36.pyc -------------------------------------------------------------------------------- /detectron2/solver/build.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/solver/build.py -------------------------------------------------------------------------------- /detectron2/solver/lr_scheduler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/solver/lr_scheduler.py -------------------------------------------------------------------------------- /detectron2/structures/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/structures/__init__.py -------------------------------------------------------------------------------- /detectron2/structures/__pycache__/__init__.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/structures/__pycache__/__init__.cpython-36.pyc -------------------------------------------------------------------------------- /detectron2/structures/__pycache__/boxes.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/structures/__pycache__/boxes.cpython-36.pyc -------------------------------------------------------------------------------- /detectron2/structures/__pycache__/image_list.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/structures/__pycache__/image_list.cpython-36.pyc -------------------------------------------------------------------------------- /detectron2/structures/__pycache__/instances.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/structures/__pycache__/instances.cpython-36.pyc -------------------------------------------------------------------------------- /detectron2/structures/__pycache__/keypoints.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/structures/__pycache__/keypoints.cpython-36.pyc -------------------------------------------------------------------------------- /detectron2/structures/__pycache__/masks.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/structures/__pycache__/masks.cpython-36.pyc -------------------------------------------------------------------------------- /detectron2/structures/__pycache__/rotated_boxes.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/structures/__pycache__/rotated_boxes.cpython-36.pyc -------------------------------------------------------------------------------- /detectron2/structures/boxes.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/structures/boxes.py -------------------------------------------------------------------------------- /detectron2/structures/image_list.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/structures/image_list.py -------------------------------------------------------------------------------- /detectron2/structures/instances.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/structures/instances.py -------------------------------------------------------------------------------- /detectron2/structures/keypoints.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/structures/keypoints.py -------------------------------------------------------------------------------- /detectron2/structures/masks.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/structures/masks.py -------------------------------------------------------------------------------- /detectron2/structures/rotated_boxes.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/structures/rotated_boxes.py -------------------------------------------------------------------------------- /detectron2/utils/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/utils/README.md -------------------------------------------------------------------------------- /detectron2/utils/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved 2 | -------------------------------------------------------------------------------- /detectron2/utils/__pycache__/__init__.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/utils/__pycache__/__init__.cpython-36.pyc -------------------------------------------------------------------------------- /detectron2/utils/__pycache__/collect_env.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/utils/__pycache__/collect_env.cpython-36.pyc -------------------------------------------------------------------------------- /detectron2/utils/__pycache__/colormap.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/utils/__pycache__/colormap.cpython-36.pyc -------------------------------------------------------------------------------- /detectron2/utils/__pycache__/comm.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/utils/__pycache__/comm.cpython-36.pyc -------------------------------------------------------------------------------- /detectron2/utils/__pycache__/env.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/utils/__pycache__/env.cpython-36.pyc -------------------------------------------------------------------------------- /detectron2/utils/__pycache__/events.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/utils/__pycache__/events.cpython-36.pyc -------------------------------------------------------------------------------- /detectron2/utils/__pycache__/logger.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/utils/__pycache__/logger.cpython-36.pyc -------------------------------------------------------------------------------- /detectron2/utils/__pycache__/registry.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/utils/__pycache__/registry.cpython-36.pyc -------------------------------------------------------------------------------- /detectron2/utils/__pycache__/serialize.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/utils/__pycache__/serialize.cpython-36.pyc -------------------------------------------------------------------------------- /detectron2/utils/__pycache__/video_visualizer.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/utils/__pycache__/video_visualizer.cpython-36.pyc -------------------------------------------------------------------------------- /detectron2/utils/__pycache__/visualizer.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/utils/__pycache__/visualizer.cpython-36.pyc -------------------------------------------------------------------------------- /detectron2/utils/collect_env.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/utils/collect_env.py -------------------------------------------------------------------------------- /detectron2/utils/colormap.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/utils/colormap.py -------------------------------------------------------------------------------- /detectron2/utils/comm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/utils/comm.py -------------------------------------------------------------------------------- /detectron2/utils/develop.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/utils/develop.py -------------------------------------------------------------------------------- /detectron2/utils/env.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/utils/env.py -------------------------------------------------------------------------------- /detectron2/utils/events.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/utils/events.py -------------------------------------------------------------------------------- /detectron2/utils/logger.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/utils/logger.py -------------------------------------------------------------------------------- /detectron2/utils/memory.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/utils/memory.py -------------------------------------------------------------------------------- /detectron2/utils/registry.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/utils/registry.py -------------------------------------------------------------------------------- /detectron2/utils/serialize.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/utils/serialize.py -------------------------------------------------------------------------------- /detectron2/utils/video_visualizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/utils/video_visualizer.py -------------------------------------------------------------------------------- /detectron2/utils/visualizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/utils/visualizer.py -------------------------------------------------------------------------------- /detectron2/utils/visualizer.py.back: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/detectron2/utils/visualizer.py.back -------------------------------------------------------------------------------- /dev/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/dev/README.md -------------------------------------------------------------------------------- /dev/linter.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/dev/linter.sh -------------------------------------------------------------------------------- /dev/packaging/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/dev/packaging/README.md -------------------------------------------------------------------------------- /dev/packaging/build_all_wheels.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/dev/packaging/build_all_wheels.sh -------------------------------------------------------------------------------- /dev/packaging/build_wheel.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/dev/packaging/build_wheel.sh -------------------------------------------------------------------------------- /dev/packaging/gen_wheel_index.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/dev/packaging/gen_wheel_index.sh -------------------------------------------------------------------------------- /dev/packaging/pkg_helpers.bash: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/dev/packaging/pkg_helpers.bash -------------------------------------------------------------------------------- /dev/parse_results.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/dev/parse_results.sh -------------------------------------------------------------------------------- /dev/run_inference_tests.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/dev/run_inference_tests.sh -------------------------------------------------------------------------------- /dev/run_instant_tests.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/dev/run_instant_tests.sh -------------------------------------------------------------------------------- /dist/detectron2-0.1-py3.6-linux-x86_64.egg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/dist/detectron2-0.1-py3.6-linux-x86_64.egg -------------------------------------------------------------------------------- /docker/Dockerfile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/docker/Dockerfile -------------------------------------------------------------------------------- /docker/Dockerfile-circleci: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/docker/Dockerfile-circleci -------------------------------------------------------------------------------- /docker/docker-compose.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/docker/docker-compose.yml -------------------------------------------------------------------------------- /docs/.gitignore: -------------------------------------------------------------------------------- 1 | _build 2 | -------------------------------------------------------------------------------- /docs/Makefile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/docs/Makefile -------------------------------------------------------------------------------- /docs/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/docs/README.md -------------------------------------------------------------------------------- /docs/conf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/docs/conf.py -------------------------------------------------------------------------------- /docs/index.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/docs/index.rst -------------------------------------------------------------------------------- /docs/modules/checkpoint.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/docs/modules/checkpoint.rst -------------------------------------------------------------------------------- /docs/modules/config.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/docs/modules/config.rst -------------------------------------------------------------------------------- /docs/modules/data.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/docs/modules/data.rst -------------------------------------------------------------------------------- /docs/modules/engine.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/docs/modules/engine.rst -------------------------------------------------------------------------------- /docs/modules/evaluation.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/docs/modules/evaluation.rst -------------------------------------------------------------------------------- /docs/modules/export.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/docs/modules/export.rst -------------------------------------------------------------------------------- /docs/modules/index.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/docs/modules/index.rst -------------------------------------------------------------------------------- /docs/modules/layers.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/docs/modules/layers.rst -------------------------------------------------------------------------------- /docs/modules/model_zoo.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/docs/modules/model_zoo.rst -------------------------------------------------------------------------------- /docs/modules/modeling.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/docs/modules/modeling.rst -------------------------------------------------------------------------------- /docs/modules/solver.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/docs/modules/solver.rst -------------------------------------------------------------------------------- /docs/modules/structures.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/docs/modules/structures.rst -------------------------------------------------------------------------------- /docs/modules/utils.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/docs/modules/utils.rst -------------------------------------------------------------------------------- /docs/notes/benchmarks.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/docs/notes/benchmarks.md -------------------------------------------------------------------------------- /docs/notes/changelog.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/docs/notes/changelog.md -------------------------------------------------------------------------------- /docs/notes/compatibility.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/docs/notes/compatibility.md -------------------------------------------------------------------------------- /docs/notes/contributing.md: -------------------------------------------------------------------------------- 1 | ../../.github/CONTRIBUTING.md -------------------------------------------------------------------------------- /docs/notes/index.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/docs/notes/index.rst -------------------------------------------------------------------------------- /docs/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/docs/requirements.txt -------------------------------------------------------------------------------- /docs/tutorials/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/docs/tutorials/README.md -------------------------------------------------------------------------------- /docs/tutorials/configs.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/docs/tutorials/configs.md -------------------------------------------------------------------------------- /docs/tutorials/data_loading.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/docs/tutorials/data_loading.md -------------------------------------------------------------------------------- /docs/tutorials/datasets.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/docs/tutorials/datasets.md -------------------------------------------------------------------------------- /docs/tutorials/deployment.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/docs/tutorials/deployment.md -------------------------------------------------------------------------------- /docs/tutorials/evaluation.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/docs/tutorials/evaluation.md -------------------------------------------------------------------------------- /docs/tutorials/extend.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/docs/tutorials/extend.md -------------------------------------------------------------------------------- /docs/tutorials/getting_started.md: -------------------------------------------------------------------------------- 1 | ../../GETTING_STARTED.md -------------------------------------------------------------------------------- /docs/tutorials/index.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/docs/tutorials/index.rst -------------------------------------------------------------------------------- /docs/tutorials/install.md: -------------------------------------------------------------------------------- 1 | ../../INSTALL.md -------------------------------------------------------------------------------- /docs/tutorials/models.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/docs/tutorials/models.md -------------------------------------------------------------------------------- /docs/tutorials/training.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/docs/tutorials/training.md -------------------------------------------------------------------------------- /docs/tutorials/write-models.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/docs/tutorials/write-models.md -------------------------------------------------------------------------------- /projects/LISA/LISA/LISA_meta_arch.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/projects/LISA/LISA/LISA_meta_arch.py -------------------------------------------------------------------------------- /projects/LISA/LISA/LISA_rcnn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/projects/LISA/LISA/LISA_rcnn.py -------------------------------------------------------------------------------- /projects/LISA/LISA/LISA_rpn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/projects/LISA/LISA/LISA_rpn.py -------------------------------------------------------------------------------- /projects/LISA/LISA/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/projects/LISA/LISA/__init__.py -------------------------------------------------------------------------------- /projects/LISA/LISA/__pycache__/LISA_meta_arch.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/projects/LISA/LISA/__pycache__/LISA_meta_arch.cpython-36.pyc -------------------------------------------------------------------------------- /projects/LISA/LISA/__pycache__/LISA_rcnn.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/projects/LISA/LISA/__pycache__/LISA_rcnn.cpython-36.pyc -------------------------------------------------------------------------------- /projects/LISA/LISA/__pycache__/LISA_rpn.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/projects/LISA/LISA/__pycache__/LISA_rpn.cpython-36.pyc -------------------------------------------------------------------------------- /projects/LISA/LISA/__pycache__/__init__.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/projects/LISA/LISA/__pycache__/__init__.cpython-36.pyc -------------------------------------------------------------------------------- /projects/LISA/LISA/__pycache__/config.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/projects/LISA/LISA/__pycache__/config.cpython-36.pyc -------------------------------------------------------------------------------- /projects/LISA/LISA/__pycache__/matchor.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/projects/LISA/LISA/__pycache__/matchor.cpython-36.pyc -------------------------------------------------------------------------------- /projects/LISA/LISA/config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/projects/LISA/LISA/config.py -------------------------------------------------------------------------------- /projects/LISA/SOAP.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/projects/LISA/SOAP.py -------------------------------------------------------------------------------- /projects/LISA/__init__.py: -------------------------------------------------------------------------------- 1 | from .utils import * -------------------------------------------------------------------------------- /projects/LISA/config/Base-RCNN-FPN.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/projects/LISA/config/Base-RCNN-FPN.yaml -------------------------------------------------------------------------------- /projects/LISA/config/LISA_101_FPN_3x.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/projects/LISA/config/LISA_101_FPN_3x.yaml -------------------------------------------------------------------------------- /projects/LISA/config/LISA_101_FPN_3x_demo.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/projects/LISA/config/LISA_101_FPN_3x_demo.yaml -------------------------------------------------------------------------------- /projects/LISA/defaults.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/projects/LISA/defaults.py -------------------------------------------------------------------------------- /projects/LISA/demo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/projects/LISA/demo.py -------------------------------------------------------------------------------- /projects/LISA/demo/web-shadow0573.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/projects/LISA/demo/web-shadow0573.jpg -------------------------------------------------------------------------------- /projects/LISA/output_light/inference/instances_predictions.pth: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/projects/LISA/output_light/inference/instances_predictions.pth -------------------------------------------------------------------------------- /projects/LISA/output_light/inference/soba_association_results.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/projects/LISA/output_light/inference/soba_association_results.json -------------------------------------------------------------------------------- /projects/LISA/output_light/inference/soba_instances_results.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/projects/LISA/output_light/inference/soba_instances_results.json -------------------------------------------------------------------------------- /projects/LISA/output_light/last_checkpoint: -------------------------------------------------------------------------------- 1 | last_checkpoint.pth 2 | -------------------------------------------------------------------------------- /projects/LISA/predictor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/projects/LISA/predictor.py -------------------------------------------------------------------------------- /projects/LISA/train_net.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/projects/LISA/train_net.py -------------------------------------------------------------------------------- /projects/LISA/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/projects/LISA/utils.py -------------------------------------------------------------------------------- /projects/LISA/visualize_data.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/projects/LISA/visualize_data.py -------------------------------------------------------------------------------- /projects/LISA/visualize_json_results.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/projects/LISA/visualize_json_results.py -------------------------------------------------------------------------------- /projects/LISA/web-shadow0573.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/projects/LISA/web-shadow0573.jpg -------------------------------------------------------------------------------- /setup.cfg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/setup.cfg -------------------------------------------------------------------------------- /setup.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/setup.py -------------------------------------------------------------------------------- /tests/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/tests/README.md -------------------------------------------------------------------------------- /tests/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved 2 | -------------------------------------------------------------------------------- /tests/test_anchor_generator.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/tests/test_anchor_generator.py -------------------------------------------------------------------------------- /tests/test_box2box_transform.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/tests/test_box2box_transform.py -------------------------------------------------------------------------------- /tests/test_boxes.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/tests/test_boxes.py -------------------------------------------------------------------------------- /tests/test_checkpoint.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/tests/test_checkpoint.py -------------------------------------------------------------------------------- /tests/test_config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/tests/test_config.py -------------------------------------------------------------------------------- /tests/test_data_loader.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/tests/test_data_loader.py -------------------------------------------------------------------------------- /tests/test_data_transform.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/tests/test_data_transform.py -------------------------------------------------------------------------------- /tests/test_fast_rcnn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/tests/test_fast_rcnn.py -------------------------------------------------------------------------------- /tests/test_mask_ops.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/tests/test_mask_ops.py -------------------------------------------------------------------------------- /tests/test_model_e2e.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/tests/test_model_e2e.py -------------------------------------------------------------------------------- /tests/test_model_zoo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/tests/test_model_zoo.py -------------------------------------------------------------------------------- /tests/test_nms_rotated.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/tests/test_nms_rotated.py -------------------------------------------------------------------------------- /tests/test_roi_align.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/tests/test_roi_align.py -------------------------------------------------------------------------------- /tests/test_roi_align_rotated.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/tests/test_roi_align_rotated.py -------------------------------------------------------------------------------- /tests/test_roi_heads.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/tests/test_roi_heads.py -------------------------------------------------------------------------------- /tests/test_roi_pooler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/tests/test_roi_pooler.py -------------------------------------------------------------------------------- /tests/test_rotated_boxes.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/tests/test_rotated_boxes.py -------------------------------------------------------------------------------- /tests/test_rpn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/tests/test_rpn.py -------------------------------------------------------------------------------- /tests/test_sampler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/tests/test_sampler.py -------------------------------------------------------------------------------- /tests/test_visualizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/stevewongv/InstanceShadowDetection/HEAD/tests/test_visualizer.py --------------------------------------------------------------------------------