├── KCCV_2025_tutorial.ipynb ├── README.md ├── example_images ├── COCO_train2014_000000000092.jpg └── COCO_train2014_000000000142.jpg ├── generate_masks └── cutler_sam_masks.py ├── generate_pseudo_supervision └── distinctive_caption_generation.py ├── my_tools ├── data_process.py ├── folder2lmdb.py └── refer.py ├── my_utils ├── __init__.py ├── bpe_simple_vocab_16e6.txt.gz ├── datasets_for_cutler.py ├── generate_pseudo_datasets.py ├── noun_extraction.py ├── phrasecut_datasets.py ├── pseudo_datasets.py ├── refcoco_datasets.py └── simple_tokenizer.py └── third_party ├── CLIP ├── CLIP.png ├── LICENSE ├── MANIFEST.in ├── README.md ├── clip │ ├── __init__.py │ ├── bpe_simple_vocab_16e6.txt.gz │ ├── clip.py │ ├── model.py │ └── simple_tokenizer.py ├── data │ ├── country211.md │ ├── prompts.md │ ├── rendered-sst2.md │ └── yfcc100m.md ├── hubconf.py ├── model-card.md ├── notebooks │ ├── Interacting_with_CLIP.ipynb │ └── Prompt_Engineering_for_ImageNet.ipynb ├── requirements.txt ├── setup.py └── tests │ └── test_consistency.py ├── CutLER ├── CODE_OF_CONDUCT.md ├── CONTRIBUTING.md ├── INSTALL.md ├── LICENSE ├── README.md ├── cog.yaml ├── cutler │ ├── __init__.py │ ├── config │ │ ├── __init__.py │ │ └── cutler_config.py │ ├── data │ │ ├── __init__.py │ │ ├── build.py │ │ ├── dataset_mapper.py │ │ ├── datasets │ │ │ ├── __init__.py │ │ │ ├── builtin.py │ │ │ ├── builtin_meta.py │ │ │ └── coco.py │ │ ├── detection_utils.py │ │ └── transforms │ │ │ ├── __init__.py │ │ │ ├── augmentation_impl.py │ │ │ └── transform.py │ ├── demo │ │ ├── __init__.py │ │ ├── demo.py │ │ ├── imgs │ │ │ ├── demo2.jpg │ │ │ ├── demo3.jpg │ │ │ ├── demo4.jpg │ │ │ ├── demo5.jpg │ │ │ ├── demo6.jpg │ │ │ ├── demo7.jpg │ │ │ └── demo8.jpg │ │ └── predictor.py │ ├── engine │ │ ├── __init__.py │ │ ├── defaults.py │ │ └── train_loop.py │ ├── evaluation │ │ ├── __init__.py │ │ └── coco_evaluation.py │ ├── model_zoo │ │ └── configs │ │ │ ├── Base-RCNN-FPN.yaml │ │ │ ├── COCO-Semisupervised │ │ │ ├── cascade_mask_rcnn_R_50_FPN_100perc.yaml │ │ │ ├── cascade_mask_rcnn_R_50_FPN_10perc.yaml │ │ │ ├── cascade_mask_rcnn_R_50_FPN_1perc.yaml │ │ │ ├── cascade_mask_rcnn_R_50_FPN_20perc.yaml │ │ │ ├── cascade_mask_rcnn_R_50_FPN_2perc.yaml │ │ │ ├── cascade_mask_rcnn_R_50_FPN_30perc.yaml │ │ │ ├── cascade_mask_rcnn_R_50_FPN_40perc.yaml │ │ │ ├── cascade_mask_rcnn_R_50_FPN_50perc.yaml │ │ │ ├── cascade_mask_rcnn_R_50_FPN_5perc.yaml │ │ │ ├── cascade_mask_rcnn_R_50_FPN_60perc.yaml │ │ │ └── cascade_mask_rcnn_R_50_FPN_80perc.yaml │ │ │ └── CutLER-ImageNet │ │ │ ├── cascade_mask_rcnn_R_50_FPN.yaml │ │ │ ├── cascade_mask_rcnn_R_50_FPN_self_train.yaml │ │ │ └── mask_rcnn_R_50_FPN.yaml │ ├── modeling │ │ ├── __init__.py │ │ ├── meta_arch │ │ │ ├── __init__.py │ │ │ ├── build.py │ │ │ └── rcnn.py │ │ └── roi_heads │ │ │ ├── __init__.py │ │ │ ├── custom_cascade_rcnn.py │ │ │ ├── fast_rcnn.py │ │ │ └── roi_heads.py │ ├── solver │ │ ├── __init__.py │ │ └── build.py │ ├── structures │ │ ├── __init__.py │ │ └── boxes.py │ ├── tools │ │ ├── eval.sh │ │ ├── get_self_training_ann.py │ │ ├── run_with_submitit.sh │ │ ├── run_with_submitit_ssl.sh │ │ ├── single-node_run.sh │ │ └── train-1node.sh │ └── train_net.py ├── datasets │ └── README.md ├── docs │ ├── cutler-demo.jpg │ ├── maskcut-demo.jpg │ ├── maskcut.gif │ ├── pipeline.jpg │ └── teaser_img.jpg ├── maskcut │ ├── colormap.py │ ├── crf.py │ ├── demo.py │ ├── dino.py │ ├── imgs │ │ ├── demo1.jpg │ │ ├── demo2.jpg │ │ ├── demo3.jpg │ │ ├── demo4.jpg │ │ ├── demo5.jpg │ │ ├── demo6.jpg │ │ ├── demo7.jpg │ │ └── demo8.jpg │ ├── maskcut.py │ ├── maskcut_with_submitit.py │ ├── merge_jsons.py │ ├── predict.py │ ├── run_maskcut_with_submitit.sh │ └── run_with_submitit_maskcut_array.py └── requirements.txt ├── __init__.py ├── detectron2 ├── GETTING_STARTED.md ├── INSTALL.md ├── LICENSE ├── MODEL_ZOO.md ├── README.md ├── configs │ ├── Base-RCNN-C4.yaml │ ├── Base-RCNN-DilatedC5.yaml │ ├── Base-RCNN-FPN.yaml │ ├── Base-RetinaNet.yaml │ ├── COCO-Detection │ │ ├── fast_rcnn_R_50_FPN_1x.yaml │ │ ├── faster_rcnn_R_101_C4_3x.yaml │ │ ├── faster_rcnn_R_101_DC5_3x.yaml │ │ ├── faster_rcnn_R_101_FPN_3x.yaml │ │ ├── faster_rcnn_R_50_C4_1x.yaml │ │ ├── faster_rcnn_R_50_C4_3x.yaml │ │ ├── faster_rcnn_R_50_DC5_1x.yaml │ │ ├── faster_rcnn_R_50_DC5_3x.yaml │ │ ├── faster_rcnn_R_50_FPN_1x.yaml │ │ ├── faster_rcnn_R_50_FPN_3x.yaml │ │ ├── faster_rcnn_X_101_32x8d_FPN_3x.yaml │ │ ├── fcos_R_50_FPN_1x.py │ │ ├── retinanet_R_101_FPN_3x.yaml │ │ ├── retinanet_R_50_FPN_1x.py │ │ ├── retinanet_R_50_FPN_1x.yaml │ │ ├── retinanet_R_50_FPN_3x.yaml │ │ ├── rpn_R_50_C4_1x.yaml │ │ └── rpn_R_50_FPN_1x.yaml │ ├── COCO-InstanceSegmentation │ │ ├── mask_rcnn_R_101_C4_3x.yaml │ │ ├── mask_rcnn_R_101_DC5_3x.yaml │ │ ├── mask_rcnn_R_101_FPN_3x.yaml │ │ ├── mask_rcnn_R_50_C4_1x.py │ │ ├── mask_rcnn_R_50_C4_1x.yaml │ │ ├── mask_rcnn_R_50_C4_3x.yaml │ │ ├── mask_rcnn_R_50_DC5_1x.yaml │ │ ├── mask_rcnn_R_50_DC5_3x.yaml │ │ ├── mask_rcnn_R_50_FPN_1x.py │ │ ├── mask_rcnn_R_50_FPN_1x.yaml │ │ ├── mask_rcnn_R_50_FPN_1x_giou.yaml │ │ ├── mask_rcnn_R_50_FPN_3x.yaml │ │ ├── mask_rcnn_X_101_32x8d_FPN_3x.yaml │ │ ├── mask_rcnn_regnetx_4gf_dds_fpn_1x.py │ │ └── mask_rcnn_regnety_4gf_dds_fpn_1x.py │ ├── COCO-Keypoints │ │ ├── Base-Keypoint-RCNN-FPN.yaml │ │ ├── keypoint_rcnn_R_101_FPN_3x.yaml │ │ ├── keypoint_rcnn_R_50_FPN_1x.py │ │ ├── keypoint_rcnn_R_50_FPN_1x.yaml │ │ ├── keypoint_rcnn_R_50_FPN_3x.yaml │ │ └── keypoint_rcnn_X_101_32x8d_FPN_3x.yaml │ ├── COCO-PanopticSegmentation │ │ ├── Base-Panoptic-FPN.yaml │ │ ├── panoptic_fpn_R_101_3x.yaml │ │ ├── panoptic_fpn_R_50_1x.py │ │ ├── panoptic_fpn_R_50_1x.yaml │ │ └── panoptic_fpn_R_50_3x.yaml │ ├── Cityscapes │ │ └── mask_rcnn_R_50_FPN.yaml │ ├── Detectron1-Comparisons │ │ ├── README.md │ │ ├── faster_rcnn_R_50_FPN_noaug_1x.yaml │ │ ├── keypoint_rcnn_R_50_FPN_1x.yaml │ │ └── mask_rcnn_R_50_FPN_noaug_1x.yaml │ ├── LVISv0.5-InstanceSegmentation │ │ ├── mask_rcnn_R_101_FPN_1x.yaml │ │ ├── mask_rcnn_R_50_FPN_1x.yaml │ │ └── mask_rcnn_X_101_32x8d_FPN_1x.yaml │ ├── LVISv1-InstanceSegmentation │ │ ├── mask_rcnn_R_101_FPN_1x.yaml │ │ ├── mask_rcnn_R_50_FPN_1x.yaml │ │ └── mask_rcnn_X_101_32x8d_FPN_1x.yaml │ ├── Misc │ │ ├── cascade_mask_rcnn_R_50_FPN_1x.yaml │ │ ├── cascade_mask_rcnn_R_50_FPN_3x.yaml │ │ ├── cascade_mask_rcnn_X_152_32x8d_FPN_IN5k_gn_dconv.yaml │ │ ├── mask_rcnn_R_50_FPN_1x_cls_agnostic.yaml │ │ ├── mask_rcnn_R_50_FPN_1x_dconv_c3-c5.yaml │ │ ├── mask_rcnn_R_50_FPN_3x_dconv_c3-c5.yaml │ │ ├── mask_rcnn_R_50_FPN_3x_gn.yaml │ │ ├── mask_rcnn_R_50_FPN_3x_syncbn.yaml │ │ ├── mmdet_mask_rcnn_R_50_FPN_1x.py │ │ ├── panoptic_fpn_R_101_dconv_cascade_gn_3x.yaml │ │ ├── scratch_mask_rcnn_R_50_FPN_3x_gn.yaml │ │ ├── scratch_mask_rcnn_R_50_FPN_9x_gn.yaml │ │ ├── scratch_mask_rcnn_R_50_FPN_9x_syncbn.yaml │ │ ├── semantic_R_50_FPN_1x.yaml │ │ └── torchvision_imagenet_R_50.py │ ├── PascalVOC-Detection │ │ ├── faster_rcnn_R_50_C4.yaml │ │ └── faster_rcnn_R_50_FPN.yaml │ ├── common │ │ ├── README.md │ │ ├── coco_schedule.py │ │ ├── data │ │ │ ├── coco.py │ │ │ ├── coco_keypoint.py │ │ │ ├── coco_panoptic_separated.py │ │ │ └── constants.py │ │ ├── models │ │ │ ├── cascade_rcnn.py │ │ │ ├── fcos.py │ │ │ ├── keypoint_rcnn_fpn.py │ │ │ ├── mask_rcnn_c4.py │ │ │ ├── mask_rcnn_fpn.py │ │ │ ├── mask_rcnn_vitdet.py │ │ │ ├── panoptic_fpn.py │ │ │ └── retinanet.py │ │ ├── optim.py │ │ └── train.py │ ├── new_baselines │ │ ├── mask_rcnn_R_101_FPN_100ep_LSJ.py │ │ ├── mask_rcnn_R_101_FPN_200ep_LSJ.py │ │ ├── mask_rcnn_R_101_FPN_400ep_LSJ.py │ │ ├── mask_rcnn_R_50_FPN_100ep_LSJ.py │ │ ├── mask_rcnn_R_50_FPN_200ep_LSJ.py │ │ ├── mask_rcnn_R_50_FPN_400ep_LSJ.py │ │ ├── mask_rcnn_R_50_FPN_50ep_LSJ.py │ │ ├── mask_rcnn_regnetx_4gf_dds_FPN_100ep_LSJ.py │ │ ├── mask_rcnn_regnetx_4gf_dds_FPN_200ep_LSJ.py │ │ ├── mask_rcnn_regnetx_4gf_dds_FPN_400ep_LSJ.py │ │ ├── mask_rcnn_regnety_4gf_dds_FPN_100ep_LSJ.py │ │ ├── mask_rcnn_regnety_4gf_dds_FPN_200ep_LSJ.py │ │ └── mask_rcnn_regnety_4gf_dds_FPN_400ep_LSJ.py │ └── quick_schedules │ │ ├── README.md │ │ ├── cascade_mask_rcnn_R_50_FPN_inference_acc_test.yaml │ │ ├── cascade_mask_rcnn_R_50_FPN_instant_test.yaml │ │ ├── fast_rcnn_R_50_FPN_inference_acc_test.yaml │ │ ├── fast_rcnn_R_50_FPN_instant_test.yaml │ │ ├── keypoint_rcnn_R_50_FPN_inference_acc_test.yaml │ │ ├── keypoint_rcnn_R_50_FPN_instant_test.yaml │ │ ├── keypoint_rcnn_R_50_FPN_normalized_training_acc_test.yaml │ │ ├── keypoint_rcnn_R_50_FPN_training_acc_test.yaml │ │ ├── mask_rcnn_R_50_C4_GCV_instant_test.yaml │ │ ├── mask_rcnn_R_50_C4_inference_acc_test.yaml │ │ ├── mask_rcnn_R_50_C4_instant_test.yaml │ │ ├── mask_rcnn_R_50_C4_training_acc_test.yaml │ │ ├── mask_rcnn_R_50_DC5_inference_acc_test.yaml │ │ ├── mask_rcnn_R_50_FPN_inference_acc_test.yaml │ │ ├── mask_rcnn_R_50_FPN_instant_test.yaml │ │ ├── mask_rcnn_R_50_FPN_pred_boxes_training_acc_test.yaml │ │ ├── mask_rcnn_R_50_FPN_training_acc_test.yaml │ │ ├── panoptic_fpn_R_50_inference_acc_test.yaml │ │ ├── panoptic_fpn_R_50_instant_test.yaml │ │ ├── panoptic_fpn_R_50_training_acc_test.yaml │ │ ├── retinanet_R_50_FPN_inference_acc_test.yaml │ │ ├── retinanet_R_50_FPN_instant_test.yaml │ │ ├── rpn_R_50_FPN_inference_acc_test.yaml │ │ ├── rpn_R_50_FPN_instant_test.yaml │ │ ├── semantic_R_50_FPN_inference_acc_test.yaml │ │ ├── semantic_R_50_FPN_instant_test.yaml │ │ └── semantic_R_50_FPN_training_acc_test.yaml ├── datasets │ ├── README.md │ ├── prepare_ade20k_sem_seg.py │ ├── prepare_cocofied_lvis.py │ ├── prepare_for_tests.sh │ └── prepare_panoptic_fpn.py ├── detectron2 │ ├── _C.cpython-38-x86_64-linux-gnu.so │ ├── __init__.py │ ├── build │ │ └── lib.linux-x86_64-cpython-38 │ │ │ └── detectron2 │ │ │ └── _C.cpython-38-x86_64-linux-gnu.so │ ├── checkpoint │ │ ├── __init__.py │ │ ├── c2_model_loading.py │ │ ├── catalog.py │ │ └── detection_checkpoint.py │ ├── config │ │ ├── __init__.py │ │ ├── compat.py │ │ ├── config.py │ │ ├── defaults.py │ │ ├── instantiate.py │ │ └── lazy.py │ ├── data │ │ ├── __init__.py │ │ ├── benchmark.py │ │ ├── build.py │ │ ├── catalog.py │ │ ├── common.py │ │ ├── dataset_mapper.py │ │ ├── datasets │ │ │ ├── README.md │ │ │ ├── __init__.py │ │ │ ├── __pycache__ │ │ │ │ ├── __init__.cpython-38.pyc │ │ │ │ ├── builtin.cpython-38.pyc │ │ │ │ ├── builtin_meta.cpython-38.pyc │ │ │ │ ├── cityscapes.cpython-38.pyc │ │ │ │ ├── cityscapes_panoptic.cpython-38.pyc │ │ │ │ ├── coco.cpython-38.pyc │ │ │ │ ├── coco_panoptic.cpython-38.pyc │ │ │ │ ├── lvis.cpython-38.pyc │ │ │ │ ├── lvis_v0_5_categories.cpython-38.pyc │ │ │ │ ├── lvis_v1_categories.cpython-38.pyc │ │ │ │ ├── lvis_v1_category_image_count.cpython-38.pyc │ │ │ │ └── pascal_voc.cpython-38.pyc │ │ │ ├── builtin.py │ │ │ ├── builtin_meta.py │ │ │ ├── cityscapes.py │ │ │ ├── cityscapes_panoptic.py │ │ │ ├── coco.py │ │ │ ├── coco_panoptic.py │ │ │ ├── lvis.py │ │ │ ├── lvis_v0_5_categories.py │ │ │ ├── lvis_v1_categories.py │ │ │ ├── lvis_v1_category_image_count.py │ │ │ ├── pascal_voc.py │ │ │ └── register_coco.py │ │ ├── detection_utils.py │ │ ├── samplers │ │ │ ├── __init__.py │ │ │ ├── __pycache__ │ │ │ │ ├── __init__.cpython-38.pyc │ │ │ │ ├── distributed_sampler.cpython-38.pyc │ │ │ │ └── grouped_batch_sampler.cpython-38.pyc │ │ │ ├── distributed_sampler.py │ │ │ └── grouped_batch_sampler.py │ │ └── transforms │ │ │ ├── __init__.py │ │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-38.pyc │ │ │ ├── augmentation.cpython-38.pyc │ │ │ ├── augmentation_impl.cpython-38.pyc │ │ │ └── transform.cpython-38.pyc │ │ │ ├── augmentation.py │ │ │ ├── augmentation_impl.py │ │ │ └── transform.py │ ├── engine │ │ ├── __init__.py │ │ ├── defaults.py │ │ ├── hooks.py │ │ ├── launch.py │ │ └── train_loop.py │ ├── evaluation │ │ ├── __init__.py │ │ ├── cityscapes_evaluation.py │ │ ├── coco_evaluation.py │ │ ├── evaluator.py │ │ ├── fast_eval_api.py │ │ ├── lvis_evaluation.py │ │ ├── panoptic_evaluation.py │ │ ├── pascal_voc_evaluation.py │ │ ├── rotated_coco_evaluation.py │ │ ├── sem_seg_evaluation.py │ │ └── testing.py │ ├── export │ │ ├── README.md │ │ ├── __init__.py │ │ ├── api.py │ │ ├── c10.py │ │ ├── caffe2_export.py │ │ ├── caffe2_inference.py │ │ ├── caffe2_modeling.py │ │ ├── caffe2_patch.py │ │ ├── flatten.py │ │ ├── shared.py │ │ ├── torchscript.py │ │ └── torchscript_patch.py │ ├── layers │ │ ├── __init__.py │ │ ├── aspp.py │ │ ├── batch_norm.py │ │ ├── blocks.py │ │ ├── csrc │ │ │ ├── README.md │ │ │ ├── ROIAlignRotated │ │ │ │ ├── ROIAlignRotated.h │ │ │ │ ├── ROIAlignRotated_cpu.cpp │ │ │ │ └── ROIAlignRotated_cuda.cu │ │ │ ├── box_iou_rotated │ │ │ │ ├── box_iou_rotated.h │ │ │ │ ├── box_iou_rotated_cpu.cpp │ │ │ │ ├── box_iou_rotated_cuda.cu │ │ │ │ └── box_iou_rotated_utils.h │ │ │ ├── cocoeval │ │ │ │ ├── cocoeval.cpp │ │ │ │ └── cocoeval.h │ │ │ ├── cuda_version.cu │ │ │ ├── deformable │ │ │ │ ├── deform_conv.h │ │ │ │ ├── deform_conv_cuda.cu │ │ │ │ └── deform_conv_cuda_kernel.cu │ │ │ ├── nms_rotated │ │ │ │ ├── nms_rotated.h │ │ │ │ ├── nms_rotated_cpu.cpp │ │ │ │ └── nms_rotated_cuda.cu │ │ │ └── vision.cpp │ │ ├── deform_conv.py │ │ ├── losses.py │ │ ├── mask_ops.py │ │ ├── nms.py │ │ ├── roi_align.py │ │ ├── roi_align_rotated.py │ │ ├── rotated_boxes.py │ │ ├── shape_spec.py │ │ └── wrappers.py │ ├── model_zoo │ │ ├── __init__.py │ │ ├── configs │ │ │ ├── Base-RCNN-C4.yaml │ │ │ ├── Base-RCNN-DilatedC5.yaml │ │ │ ├── Base-RCNN-FPN.yaml │ │ │ ├── Base-RetinaNet.yaml │ │ │ ├── COCO-Detection │ │ │ │ ├── fast_rcnn_R_50_FPN_1x.yaml │ │ │ │ ├── faster_rcnn_R_101_C4_3x.yaml │ │ │ │ ├── faster_rcnn_R_101_DC5_3x.yaml │ │ │ │ ├── faster_rcnn_R_101_FPN_3x.yaml │ │ │ │ ├── faster_rcnn_R_50_C4_1x.yaml │ │ │ │ ├── faster_rcnn_R_50_C4_3x.yaml │ │ │ │ ├── faster_rcnn_R_50_DC5_1x.yaml │ │ │ │ ├── faster_rcnn_R_50_DC5_3x.yaml │ │ │ │ ├── faster_rcnn_R_50_FPN_1x.yaml │ │ │ │ ├── faster_rcnn_R_50_FPN_3x.yaml │ │ │ │ ├── faster_rcnn_X_101_32x8d_FPN_3x.yaml │ │ │ │ ├── fcos_R_50_FPN_1x.py │ │ │ │ ├── retinanet_R_101_FPN_3x.yaml │ │ │ │ ├── retinanet_R_50_FPN_1x.py │ │ │ │ ├── retinanet_R_50_FPN_1x.yaml │ │ │ │ ├── retinanet_R_50_FPN_3x.yaml │ │ │ │ ├── rpn_R_50_C4_1x.yaml │ │ │ │ └── rpn_R_50_FPN_1x.yaml │ │ │ ├── COCO-InstanceSegmentation │ │ │ │ ├── mask_rcnn_R_101_C4_3x.yaml │ │ │ │ ├── mask_rcnn_R_101_DC5_3x.yaml │ │ │ │ ├── mask_rcnn_R_101_FPN_3x.yaml │ │ │ │ ├── mask_rcnn_R_50_C4_1x.py │ │ │ │ ├── mask_rcnn_R_50_C4_1x.yaml │ │ │ │ ├── mask_rcnn_R_50_C4_3x.yaml │ │ │ │ ├── mask_rcnn_R_50_DC5_1x.yaml │ │ │ │ ├── mask_rcnn_R_50_DC5_3x.yaml │ │ │ │ ├── mask_rcnn_R_50_FPN_1x.py │ │ │ │ ├── mask_rcnn_R_50_FPN_1x.yaml │ │ │ │ ├── mask_rcnn_R_50_FPN_1x_giou.yaml │ │ │ │ ├── mask_rcnn_R_50_FPN_3x.yaml │ │ │ │ ├── mask_rcnn_X_101_32x8d_FPN_3x.yaml │ │ │ │ ├── mask_rcnn_regnetx_4gf_dds_fpn_1x.py │ │ │ │ └── mask_rcnn_regnety_4gf_dds_fpn_1x.py │ │ │ ├── COCO-Keypoints │ │ │ │ ├── Base-Keypoint-RCNN-FPN.yaml │ │ │ │ ├── keypoint_rcnn_R_101_FPN_3x.yaml │ │ │ │ ├── keypoint_rcnn_R_50_FPN_1x.py │ │ │ │ ├── keypoint_rcnn_R_50_FPN_1x.yaml │ │ │ │ ├── keypoint_rcnn_R_50_FPN_3x.yaml │ │ │ │ └── keypoint_rcnn_X_101_32x8d_FPN_3x.yaml │ │ │ ├── COCO-PanopticSegmentation │ │ │ │ ├── Base-Panoptic-FPN.yaml │ │ │ │ ├── panoptic_fpn_R_101_3x.yaml │ │ │ │ ├── panoptic_fpn_R_50_1x.py │ │ │ │ ├── panoptic_fpn_R_50_1x.yaml │ │ │ │ └── panoptic_fpn_R_50_3x.yaml │ │ │ ├── Cityscapes │ │ │ │ └── mask_rcnn_R_50_FPN.yaml │ │ │ ├── Detectron1-Comparisons │ │ │ │ ├── README.md │ │ │ │ ├── faster_rcnn_R_50_FPN_noaug_1x.yaml │ │ │ │ ├── keypoint_rcnn_R_50_FPN_1x.yaml │ │ │ │ └── mask_rcnn_R_50_FPN_noaug_1x.yaml │ │ │ ├── LVISv0.5-InstanceSegmentation │ │ │ │ ├── mask_rcnn_R_101_FPN_1x.yaml │ │ │ │ ├── mask_rcnn_R_50_FPN_1x.yaml │ │ │ │ └── mask_rcnn_X_101_32x8d_FPN_1x.yaml │ │ │ ├── LVISv1-InstanceSegmentation │ │ │ │ ├── mask_rcnn_R_101_FPN_1x.yaml │ │ │ │ ├── mask_rcnn_R_50_FPN_1x.yaml │ │ │ │ └── mask_rcnn_X_101_32x8d_FPN_1x.yaml │ │ │ ├── Misc │ │ │ │ ├── cascade_mask_rcnn_R_50_FPN_1x.yaml │ │ │ │ ├── cascade_mask_rcnn_R_50_FPN_3x.yaml │ │ │ │ ├── cascade_mask_rcnn_X_152_32x8d_FPN_IN5k_gn_dconv.yaml │ │ │ │ ├── mask_rcnn_R_50_FPN_1x_cls_agnostic.yaml │ │ │ │ ├── mask_rcnn_R_50_FPN_1x_dconv_c3-c5.yaml │ │ │ │ ├── mask_rcnn_R_50_FPN_3x_dconv_c3-c5.yaml │ │ │ │ ├── mask_rcnn_R_50_FPN_3x_gn.yaml │ │ │ │ ├── mask_rcnn_R_50_FPN_3x_syncbn.yaml │ │ │ │ ├── mmdet_mask_rcnn_R_50_FPN_1x.py │ │ │ │ ├── panoptic_fpn_R_101_dconv_cascade_gn_3x.yaml │ │ │ │ ├── scratch_mask_rcnn_R_50_FPN_3x_gn.yaml │ │ │ │ ├── scratch_mask_rcnn_R_50_FPN_9x_gn.yaml │ │ │ │ ├── scratch_mask_rcnn_R_50_FPN_9x_syncbn.yaml │ │ │ │ ├── semantic_R_50_FPN_1x.yaml │ │ │ │ └── torchvision_imagenet_R_50.py │ │ │ ├── PascalVOC-Detection │ │ │ │ ├── faster_rcnn_R_50_C4.yaml │ │ │ │ └── faster_rcnn_R_50_FPN.yaml │ │ │ ├── common │ │ │ │ ├── README.md │ │ │ │ ├── coco_schedule.py │ │ │ │ ├── data │ │ │ │ │ ├── coco.py │ │ │ │ │ ├── coco_keypoint.py │ │ │ │ │ ├── coco_panoptic_separated.py │ │ │ │ │ └── constants.py │ │ │ │ ├── models │ │ │ │ │ ├── cascade_rcnn.py │ │ │ │ │ ├── fcos.py │ │ │ │ │ ├── keypoint_rcnn_fpn.py │ │ │ │ │ ├── mask_rcnn_c4.py │ │ │ │ │ ├── mask_rcnn_fpn.py │ │ │ │ │ ├── mask_rcnn_vitdet.py │ │ │ │ │ ├── panoptic_fpn.py │ │ │ │ │ └── retinanet.py │ │ │ │ ├── optim.py │ │ │ │ └── train.py │ │ │ ├── new_baselines │ │ │ │ ├── mask_rcnn_R_101_FPN_100ep_LSJ.py │ │ │ │ ├── mask_rcnn_R_101_FPN_200ep_LSJ.py │ │ │ │ ├── mask_rcnn_R_101_FPN_400ep_LSJ.py │ │ │ │ ├── mask_rcnn_R_50_FPN_100ep_LSJ.py │ │ │ │ ├── mask_rcnn_R_50_FPN_200ep_LSJ.py │ │ │ │ ├── mask_rcnn_R_50_FPN_400ep_LSJ.py │ │ │ │ ├── mask_rcnn_R_50_FPN_50ep_LSJ.py │ │ │ │ ├── mask_rcnn_regnetx_4gf_dds_FPN_100ep_LSJ.py │ │ │ │ ├── mask_rcnn_regnetx_4gf_dds_FPN_200ep_LSJ.py │ │ │ │ ├── mask_rcnn_regnetx_4gf_dds_FPN_400ep_LSJ.py │ │ │ │ ├── mask_rcnn_regnety_4gf_dds_FPN_100ep_LSJ.py │ │ │ │ ├── mask_rcnn_regnety_4gf_dds_FPN_200ep_LSJ.py │ │ │ │ └── mask_rcnn_regnety_4gf_dds_FPN_400ep_LSJ.py │ │ │ ├── practice.py │ │ │ └── quick_schedules │ │ │ │ ├── README.md │ │ │ │ ├── cascade_mask_rcnn_R_50_FPN_inference_acc_test.yaml │ │ │ │ ├── cascade_mask_rcnn_R_50_FPN_instant_test.yaml │ │ │ │ ├── fast_rcnn_R_50_FPN_inference_acc_test.yaml │ │ │ │ ├── fast_rcnn_R_50_FPN_instant_test.yaml │ │ │ │ ├── keypoint_rcnn_R_50_FPN_inference_acc_test.yaml │ │ │ │ ├── keypoint_rcnn_R_50_FPN_instant_test.yaml │ │ │ │ ├── keypoint_rcnn_R_50_FPN_normalized_training_acc_test.yaml │ │ │ │ ├── keypoint_rcnn_R_50_FPN_training_acc_test.yaml │ │ │ │ ├── mask_rcnn_R_50_C4_GCV_instant_test.yaml │ │ │ │ ├── mask_rcnn_R_50_C4_inference_acc_test.yaml │ │ │ │ ├── mask_rcnn_R_50_C4_instant_test.yaml │ │ │ │ ├── mask_rcnn_R_50_C4_training_acc_test.yaml │ │ │ │ ├── mask_rcnn_R_50_DC5_inference_acc_test.yaml │ │ │ │ ├── mask_rcnn_R_50_FPN_inference_acc_test.yaml │ │ │ │ ├── mask_rcnn_R_50_FPN_instant_test.yaml │ │ │ │ ├── mask_rcnn_R_50_FPN_pred_boxes_training_acc_test.yaml │ │ │ │ ├── mask_rcnn_R_50_FPN_training_acc_test.yaml │ │ │ │ ├── panoptic_fpn_R_50_inference_acc_test.yaml │ │ │ │ ├── panoptic_fpn_R_50_instant_test.yaml │ │ │ │ ├── panoptic_fpn_R_50_training_acc_test.yaml │ │ │ │ ├── retinanet_R_50_FPN_inference_acc_test.yaml │ │ │ │ ├── retinanet_R_50_FPN_instant_test.yaml │ │ │ │ ├── rpn_R_50_FPN_inference_acc_test.yaml │ │ │ │ ├── rpn_R_50_FPN_instant_test.yaml │ │ │ │ ├── semantic_R_50_FPN_inference_acc_test.yaml │ │ │ │ ├── semantic_R_50_FPN_instant_test.yaml │ │ │ │ └── semantic_R_50_FPN_training_acc_test.yaml │ │ └── model_zoo.py │ ├── modeling │ │ ├── __init__.py │ │ ├── anchor_generator.py │ │ ├── backbone │ │ │ ├── __init__.py │ │ │ ├── __pycache__ │ │ │ │ ├── __init__.cpython-38.pyc │ │ │ │ ├── backbone.cpython-38.pyc │ │ │ │ ├── build.cpython-38.pyc │ │ │ │ ├── fpn.cpython-38.pyc │ │ │ │ ├── mvit.cpython-38.pyc │ │ │ │ ├── regnet.cpython-38.pyc │ │ │ │ ├── resnet.cpython-38.pyc │ │ │ │ ├── swin.cpython-38.pyc │ │ │ │ ├── utils.cpython-38.pyc │ │ │ │ └── vit.cpython-38.pyc │ │ │ ├── backbone.py │ │ │ ├── build.py │ │ │ ├── fpn.py │ │ │ ├── mvit.py │ │ │ ├── regnet.py │ │ │ ├── resnet.py │ │ │ ├── swin.py │ │ │ ├── utils.py │ │ │ └── vit.py │ │ ├── box_regression.py │ │ ├── matcher.py │ │ ├── meta_arch │ │ │ ├── __init__.py │ │ │ ├── __pycache__ │ │ │ │ ├── __init__.cpython-38.pyc │ │ │ │ ├── build.cpython-38.pyc │ │ │ │ ├── dense_detector.cpython-38.pyc │ │ │ │ ├── fcos.cpython-38.pyc │ │ │ │ ├── panoptic_fpn.cpython-38.pyc │ │ │ │ ├── rcnn.cpython-38.pyc │ │ │ │ ├── retinanet.cpython-38.pyc │ │ │ │ └── semantic_seg.cpython-38.pyc │ │ │ ├── build.py │ │ │ ├── dense_detector.py │ │ │ ├── fcos.py │ │ │ ├── panoptic_fpn.py │ │ │ ├── rcnn.py │ │ │ ├── retinanet.py │ │ │ └── semantic_seg.py │ │ ├── mmdet_wrapper.py │ │ ├── poolers.py │ │ ├── postprocessing.py │ │ ├── proposal_generator │ │ │ ├── __init__.py │ │ │ ├── __pycache__ │ │ │ │ ├── __init__.cpython-38.pyc │ │ │ │ ├── build.cpython-38.pyc │ │ │ │ ├── proposal_utils.cpython-38.pyc │ │ │ │ ├── rpn.cpython-38.pyc │ │ │ │ └── rrpn.cpython-38.pyc │ │ │ ├── build.py │ │ │ ├── proposal_utils.py │ │ │ ├── rpn.py │ │ │ └── rrpn.py │ │ ├── roi_heads │ │ │ ├── __init__.py │ │ │ ├── __pycache__ │ │ │ │ ├── __init__.cpython-38.pyc │ │ │ │ ├── box_head.cpython-38.pyc │ │ │ │ ├── cascade_rcnn.cpython-38.pyc │ │ │ │ ├── fast_rcnn.cpython-38.pyc │ │ │ │ ├── keypoint_head.cpython-38.pyc │ │ │ │ ├── mask_head.cpython-38.pyc │ │ │ │ ├── roi_heads.cpython-38.pyc │ │ │ │ └── rotated_fast_rcnn.cpython-38.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 │ ├── projects │ │ ├── README.md │ │ └── __init__.py │ ├── solver │ │ ├── __init__.py │ │ ├── build.py │ │ └── lr_scheduler.py │ ├── structures │ │ ├── __init__.py │ │ ├── boxes.py │ │ ├── image_list.py │ │ ├── instances.py │ │ ├── keypoints.py │ │ ├── masks.py │ │ └── rotated_boxes.py │ ├── tracking │ │ ├── __init__.py │ │ ├── base_tracker.py │ │ ├── bbox_iou_tracker.py │ │ ├── hungarian_tracker.py │ │ ├── iou_weighted_hungarian_bbox_iou_tracker.py │ │ ├── utils.py │ │ └── vanilla_hungarian_bbox_iou_tracker.py │ └── utils │ │ ├── README.md │ │ ├── __init__.py │ │ ├── analysis.py │ │ ├── collect_env.py │ │ ├── colormap.py │ │ ├── comm.py │ │ ├── develop.py │ │ ├── env.py │ │ ├── events.py │ │ ├── file_io.py │ │ ├── logger.py │ │ ├── memory.py │ │ ├── registry.py │ │ ├── serialize.py │ │ ├── testing.py │ │ ├── tracing.py │ │ ├── video_visualizer.py │ │ └── visualizer.py ├── practice.py ├── setup.cfg └── setup.py ├── open_clip ├── CITATION.cff ├── HISTORY.md ├── LICENSE ├── MANIFEST.in ├── Makefile ├── README.md ├── docs │ ├── CLIP.png │ ├── Interacting_with_open_clip.ipynb │ ├── Interacting_with_open_coca.ipynb │ ├── clip_conceptual_captions.md │ ├── clip_loss.png │ ├── clip_recall.png │ ├── clip_val_loss.png │ ├── clip_zeroshot.png │ ├── effective_robustness.png │ ├── laion2b_clip_zeroshot_b32.png │ ├── laion_clip_zeroshot.png │ ├── laion_clip_zeroshot_b16.png │ ├── laion_clip_zeroshot_b16_plus_240.png │ ├── laion_clip_zeroshot_l14.png │ ├── laion_openai_compare_b32.jpg │ ├── scaling.png │ └── script_examples │ │ └── stability_example.sh ├── practice.py ├── pytest.ini ├── requirements-test.txt ├── requirements-training.txt ├── requirements.txt ├── setup.py ├── src │ ├── open_clip │ │ ├── __init__.py │ │ ├── bpe_simple_vocab_16e6.txt.gz │ │ ├── coca_model.py │ │ ├── constants.py │ │ ├── factory.py │ │ ├── generation_utils.py │ │ ├── hf_configs.py │ │ ├── hf_model.py │ │ ├── loss.py │ │ ├── model.py │ │ ├── model_configs │ │ │ ├── RN101-quickgelu.json │ │ │ ├── RN101.json │ │ │ ├── RN50-quickgelu.json │ │ │ ├── RN50.json │ │ │ ├── RN50x16.json │ │ │ ├── RN50x4.json │ │ │ ├── RN50x64.json │ │ │ ├── ViT-B-16-plus-240.json │ │ │ ├── ViT-B-16-plus.json │ │ │ ├── ViT-B-16.json │ │ │ ├── ViT-B-32-plus-256.json │ │ │ ├── ViT-B-32-quickgelu.json │ │ │ ├── ViT-B-32.json │ │ │ ├── ViT-H-14.json │ │ │ ├── ViT-H-16.json │ │ │ ├── ViT-L-14-280.json │ │ │ ├── ViT-L-14-336.json │ │ │ ├── ViT-L-14.json │ │ │ ├── ViT-L-16-320.json │ │ │ ├── ViT-L-16.json │ │ │ ├── ViT-M-16-alt.json │ │ │ ├── ViT-M-16.json │ │ │ ├── ViT-M-32-alt.json │ │ │ ├── ViT-M-32.json │ │ │ ├── ViT-S-16-alt.json │ │ │ ├── ViT-S-16.json │ │ │ ├── ViT-S-32-alt.json │ │ │ ├── ViT-S-32.json │ │ │ ├── ViT-bigG-14.json │ │ │ ├── ViT-e-14.json │ │ │ ├── ViT-g-14.json │ │ │ ├── coca_ViT-B-32.json │ │ │ ├── coca_ViT-L-14.json │ │ │ ├── coca_base.json │ │ │ ├── coca_roberta-ViT-B-32.json │ │ │ ├── convnext_base.json │ │ │ ├── convnext_base_w.json │ │ │ ├── convnext_base_w_320.json │ │ │ ├── convnext_large.json │ │ │ ├── convnext_large_d.json │ │ │ ├── convnext_large_d_320.json │ │ │ ├── convnext_small.json │ │ │ ├── convnext_tiny.json │ │ │ ├── convnext_xlarge.json │ │ │ ├── convnext_xxlarge.json │ │ │ ├── convnext_xxlarge_320.json │ │ │ ├── mt5-base-ViT-B-32.json │ │ │ ├── mt5-xl-ViT-H-14.json │ │ │ ├── roberta-ViT-B-32.json │ │ │ ├── swin_base_patch4_window7_224.json │ │ │ ├── vit_medium_patch16_gap_256.json │ │ │ ├── vit_relpos_medium_patch16_cls_224.json │ │ │ ├── xlm-roberta-base-ViT-B-32.json │ │ │ └── xlm-roberta-large-ViT-H-14.json │ │ ├── modified_resnet.py │ │ ├── openai.py │ │ ├── pretrained.py │ │ ├── push_to_hf_hub.py │ │ ├── timm_model.py │ │ ├── tokenizer.py │ │ ├── transform.py │ │ ├── transformer.py │ │ ├── utils.py │ │ └── version.py │ ├── open_clip_torch.egg-info │ │ ├── PKG-INFO │ │ ├── SOURCES.txt │ │ ├── dependency_links.txt │ │ ├── requires.txt │ │ └── top_level.txt │ └── training │ │ ├── __init__.py │ │ ├── data.py │ │ ├── distributed.py │ │ ├── file_utils.py │ │ ├── imagenet_zeroshot_data.py │ │ ├── logger.py │ │ ├── main.py │ │ ├── params.py │ │ ├── precision.py │ │ ├── profile.py │ │ ├── scheduler.py │ │ ├── train.py │ │ └── zero_shot.py └── tests │ ├── test_download_pretrained.py │ ├── test_hf_model.py │ ├── test_inference.py │ ├── test_inference_simple.py │ ├── test_num_shards.py │ ├── test_training_simple.py │ ├── test_wds.py │ └── util_test.py ├── segment-anything ├── CODE_OF_CONDUCT.md ├── CONTRIBUTING.md ├── LICENSE ├── README.md ├── assets │ ├── masks1.png │ ├── masks2.jpg │ ├── minidemo.gif │ ├── model_diagram.png │ ├── notebook1.png │ └── notebook2.png ├── demo │ ├── README.md │ ├── configs │ │ └── webpack │ │ │ ├── common.js │ │ │ ├── dev.js │ │ │ └── prod.js │ ├── package.json │ ├── postcss.config.js │ ├── src │ │ ├── App.tsx │ │ ├── assets │ │ │ ├── data │ │ │ │ └── dogs.jpg │ │ │ ├── index.html │ │ │ └── scss │ │ │ │ └── App.scss │ │ ├── components │ │ │ ├── Stage.tsx │ │ │ ├── Tool.tsx │ │ │ ├── helpers │ │ │ │ ├── Interfaces.tsx │ │ │ │ ├── maskUtils.tsx │ │ │ │ ├── onnxModelAPI.tsx │ │ │ │ └── scaleHelper.tsx │ │ │ └── hooks │ │ │ │ ├── context.tsx │ │ │ │ └── createContext.tsx │ │ └── index.tsx │ ├── tailwind.config.js │ └── tsconfig.json ├── linter.sh ├── scripts │ ├── amg.py │ └── export_onnx_model.py ├── segment_anything.egg-info │ ├── PKG-INFO │ ├── SOURCES.txt │ ├── dependency_links.txt │ ├── requires.txt │ └── top_level.txt ├── segment_anything │ ├── __init__.py │ ├── automatic_mask_generator.py │ ├── build_sam.py │ ├── modeling │ │ ├── __init__.py │ │ ├── common.py │ │ ├── image_encoder.py │ │ ├── mask_decoder.py │ │ ├── prompt_encoder.py │ │ ├── sam.py │ │ └── transformer.py │ ├── predictor.py │ └── utils │ │ ├── amg.py │ │ ├── onnx.py │ │ └── transforms.py ├── setup.cfg └── setup.py └── transformers └── practice.py /KCCV_2025_tutorial.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/KCCV_2025_tutorial.ipynb -------------------------------------------------------------------------------- /README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/README.md -------------------------------------------------------------------------------- /example_images/COCO_train2014_000000000092.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/example_images/COCO_train2014_000000000092.jpg -------------------------------------------------------------------------------- /example_images/COCO_train2014_000000000142.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/example_images/COCO_train2014_000000000142.jpg -------------------------------------------------------------------------------- /generate_masks/cutler_sam_masks.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/generate_masks/cutler_sam_masks.py -------------------------------------------------------------------------------- /generate_pseudo_supervision/distinctive_caption_generation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/generate_pseudo_supervision/distinctive_caption_generation.py -------------------------------------------------------------------------------- /my_tools/data_process.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/my_tools/data_process.py -------------------------------------------------------------------------------- /my_tools/folder2lmdb.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/my_tools/folder2lmdb.py -------------------------------------------------------------------------------- /my_tools/refer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/my_tools/refer.py -------------------------------------------------------------------------------- /my_utils/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /my_utils/bpe_simple_vocab_16e6.txt.gz: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/my_utils/bpe_simple_vocab_16e6.txt.gz -------------------------------------------------------------------------------- /my_utils/datasets_for_cutler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/my_utils/datasets_for_cutler.py -------------------------------------------------------------------------------- /my_utils/generate_pseudo_datasets.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/my_utils/generate_pseudo_datasets.py -------------------------------------------------------------------------------- /my_utils/noun_extraction.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/my_utils/noun_extraction.py -------------------------------------------------------------------------------- /my_utils/phrasecut_datasets.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/my_utils/phrasecut_datasets.py -------------------------------------------------------------------------------- /my_utils/pseudo_datasets.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/my_utils/pseudo_datasets.py -------------------------------------------------------------------------------- /my_utils/refcoco_datasets.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/my_utils/refcoco_datasets.py -------------------------------------------------------------------------------- /my_utils/simple_tokenizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/my_utils/simple_tokenizer.py -------------------------------------------------------------------------------- /third_party/CLIP/CLIP.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/CLIP/CLIP.png -------------------------------------------------------------------------------- /third_party/CLIP/LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/CLIP/LICENSE -------------------------------------------------------------------------------- /third_party/CLIP/MANIFEST.in: -------------------------------------------------------------------------------- 1 | include clip/bpe_simple_vocab_16e6.txt.gz 2 | -------------------------------------------------------------------------------- /third_party/CLIP/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/CLIP/README.md -------------------------------------------------------------------------------- /third_party/CLIP/clip/__init__.py: -------------------------------------------------------------------------------- 1 | from .clip import * 2 | -------------------------------------------------------------------------------- /third_party/CLIP/clip/bpe_simple_vocab_16e6.txt.gz: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/CLIP/clip/bpe_simple_vocab_16e6.txt.gz -------------------------------------------------------------------------------- /third_party/CLIP/clip/clip.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/CLIP/clip/clip.py -------------------------------------------------------------------------------- /third_party/CLIP/clip/model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/CLIP/clip/model.py -------------------------------------------------------------------------------- /third_party/CLIP/clip/simple_tokenizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/CLIP/clip/simple_tokenizer.py -------------------------------------------------------------------------------- /third_party/CLIP/data/country211.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/CLIP/data/country211.md -------------------------------------------------------------------------------- /third_party/CLIP/data/prompts.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/CLIP/data/prompts.md -------------------------------------------------------------------------------- /third_party/CLIP/data/rendered-sst2.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/CLIP/data/rendered-sst2.md -------------------------------------------------------------------------------- /third_party/CLIP/data/yfcc100m.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/CLIP/data/yfcc100m.md -------------------------------------------------------------------------------- /third_party/CLIP/hubconf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/CLIP/hubconf.py -------------------------------------------------------------------------------- /third_party/CLIP/model-card.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/CLIP/model-card.md -------------------------------------------------------------------------------- /third_party/CLIP/notebooks/Interacting_with_CLIP.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/CLIP/notebooks/Interacting_with_CLIP.ipynb -------------------------------------------------------------------------------- /third_party/CLIP/notebooks/Prompt_Engineering_for_ImageNet.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/CLIP/notebooks/Prompt_Engineering_for_ImageNet.ipynb -------------------------------------------------------------------------------- /third_party/CLIP/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/CLIP/requirements.txt -------------------------------------------------------------------------------- /third_party/CLIP/setup.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/CLIP/setup.py -------------------------------------------------------------------------------- /third_party/CLIP/tests/test_consistency.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/CLIP/tests/test_consistency.py -------------------------------------------------------------------------------- /third_party/CutLER/CODE_OF_CONDUCT.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/CutLER/CODE_OF_CONDUCT.md -------------------------------------------------------------------------------- /third_party/CutLER/CONTRIBUTING.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/CutLER/CONTRIBUTING.md -------------------------------------------------------------------------------- /third_party/CutLER/INSTALL.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/CutLER/INSTALL.md -------------------------------------------------------------------------------- /third_party/CutLER/LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/CutLER/LICENSE -------------------------------------------------------------------------------- /third_party/CutLER/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/CutLER/README.md -------------------------------------------------------------------------------- /third_party/CutLER/cog.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/CutLER/cog.yaml -------------------------------------------------------------------------------- /third_party/CutLER/cutler/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/CutLER/cutler/__init__.py -------------------------------------------------------------------------------- /third_party/CutLER/cutler/config/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/CutLER/cutler/config/__init__.py -------------------------------------------------------------------------------- /third_party/CutLER/cutler/config/cutler_config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/CutLER/cutler/config/cutler_config.py -------------------------------------------------------------------------------- /third_party/CutLER/cutler/data/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/CutLER/cutler/data/__init__.py -------------------------------------------------------------------------------- /third_party/CutLER/cutler/data/build.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/CutLER/cutler/data/build.py -------------------------------------------------------------------------------- /third_party/CutLER/cutler/data/dataset_mapper.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/CutLER/cutler/data/dataset_mapper.py -------------------------------------------------------------------------------- /third_party/CutLER/cutler/data/datasets/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/CutLER/cutler/data/datasets/__init__.py -------------------------------------------------------------------------------- /third_party/CutLER/cutler/data/datasets/builtin.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/CutLER/cutler/data/datasets/builtin.py -------------------------------------------------------------------------------- /third_party/CutLER/cutler/data/datasets/builtin_meta.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/CutLER/cutler/data/datasets/builtin_meta.py -------------------------------------------------------------------------------- /third_party/CutLER/cutler/data/datasets/coco.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/CutLER/cutler/data/datasets/coco.py -------------------------------------------------------------------------------- /third_party/CutLER/cutler/data/detection_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/CutLER/cutler/data/detection_utils.py -------------------------------------------------------------------------------- /third_party/CutLER/cutler/data/transforms/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/CutLER/cutler/data/transforms/__init__.py -------------------------------------------------------------------------------- /third_party/CutLER/cutler/data/transforms/augmentation_impl.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/CutLER/cutler/data/transforms/augmentation_impl.py -------------------------------------------------------------------------------- /third_party/CutLER/cutler/data/transforms/transform.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/CutLER/cutler/data/transforms/transform.py -------------------------------------------------------------------------------- /third_party/CutLER/cutler/demo/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/CutLER/cutler/demo/__init__.py -------------------------------------------------------------------------------- /third_party/CutLER/cutler/demo/demo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/CutLER/cutler/demo/demo.py -------------------------------------------------------------------------------- /third_party/CutLER/cutler/demo/imgs/demo2.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/CutLER/cutler/demo/imgs/demo2.jpg -------------------------------------------------------------------------------- /third_party/CutLER/cutler/demo/imgs/demo3.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/CutLER/cutler/demo/imgs/demo3.jpg -------------------------------------------------------------------------------- /third_party/CutLER/cutler/demo/imgs/demo4.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/CutLER/cutler/demo/imgs/demo4.jpg -------------------------------------------------------------------------------- /third_party/CutLER/cutler/demo/imgs/demo5.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/CutLER/cutler/demo/imgs/demo5.jpg -------------------------------------------------------------------------------- /third_party/CutLER/cutler/demo/imgs/demo6.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/CutLER/cutler/demo/imgs/demo6.jpg -------------------------------------------------------------------------------- /third_party/CutLER/cutler/demo/imgs/demo7.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/CutLER/cutler/demo/imgs/demo7.jpg -------------------------------------------------------------------------------- /third_party/CutLER/cutler/demo/imgs/demo8.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/CutLER/cutler/demo/imgs/demo8.jpg -------------------------------------------------------------------------------- /third_party/CutLER/cutler/demo/predictor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/CutLER/cutler/demo/predictor.py -------------------------------------------------------------------------------- /third_party/CutLER/cutler/engine/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/CutLER/cutler/engine/__init__.py -------------------------------------------------------------------------------- /third_party/CutLER/cutler/engine/defaults.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/CutLER/cutler/engine/defaults.py -------------------------------------------------------------------------------- /third_party/CutLER/cutler/engine/train_loop.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/CutLER/cutler/engine/train_loop.py -------------------------------------------------------------------------------- /third_party/CutLER/cutler/evaluation/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/CutLER/cutler/evaluation/__init__.py -------------------------------------------------------------------------------- /third_party/CutLER/cutler/evaluation/coco_evaluation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/CutLER/cutler/evaluation/coco_evaluation.py -------------------------------------------------------------------------------- /third_party/CutLER/cutler/model_zoo/configs/Base-RCNN-FPN.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/CutLER/cutler/model_zoo/configs/Base-RCNN-FPN.yaml -------------------------------------------------------------------------------- /third_party/CutLER/cutler/model_zoo/configs/CutLER-ImageNet/cascade_mask_rcnn_R_50_FPN.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/CutLER/cutler/model_zoo/configs/CutLER-ImageNet/cascade_mask_rcnn_R_50_FPN.yaml -------------------------------------------------------------------------------- /third_party/CutLER/cutler/model_zoo/configs/CutLER-ImageNet/mask_rcnn_R_50_FPN.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/CutLER/cutler/model_zoo/configs/CutLER-ImageNet/mask_rcnn_R_50_FPN.yaml -------------------------------------------------------------------------------- /third_party/CutLER/cutler/modeling/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/CutLER/cutler/modeling/__init__.py -------------------------------------------------------------------------------- /third_party/CutLER/cutler/modeling/meta_arch/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/CutLER/cutler/modeling/meta_arch/__init__.py -------------------------------------------------------------------------------- /third_party/CutLER/cutler/modeling/meta_arch/build.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/CutLER/cutler/modeling/meta_arch/build.py -------------------------------------------------------------------------------- /third_party/CutLER/cutler/modeling/meta_arch/rcnn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/CutLER/cutler/modeling/meta_arch/rcnn.py -------------------------------------------------------------------------------- /third_party/CutLER/cutler/modeling/roi_heads/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/CutLER/cutler/modeling/roi_heads/__init__.py -------------------------------------------------------------------------------- /third_party/CutLER/cutler/modeling/roi_heads/custom_cascade_rcnn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/CutLER/cutler/modeling/roi_heads/custom_cascade_rcnn.py -------------------------------------------------------------------------------- /third_party/CutLER/cutler/modeling/roi_heads/fast_rcnn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/CutLER/cutler/modeling/roi_heads/fast_rcnn.py -------------------------------------------------------------------------------- /third_party/CutLER/cutler/modeling/roi_heads/roi_heads.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/CutLER/cutler/modeling/roi_heads/roi_heads.py -------------------------------------------------------------------------------- /third_party/CutLER/cutler/solver/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/CutLER/cutler/solver/__init__.py -------------------------------------------------------------------------------- /third_party/CutLER/cutler/solver/build.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/CutLER/cutler/solver/build.py -------------------------------------------------------------------------------- /third_party/CutLER/cutler/structures/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/CutLER/cutler/structures/__init__.py -------------------------------------------------------------------------------- /third_party/CutLER/cutler/structures/boxes.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/CutLER/cutler/structures/boxes.py -------------------------------------------------------------------------------- /third_party/CutLER/cutler/tools/eval.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/CutLER/cutler/tools/eval.sh -------------------------------------------------------------------------------- /third_party/CutLER/cutler/tools/get_self_training_ann.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/CutLER/cutler/tools/get_self_training_ann.py -------------------------------------------------------------------------------- /third_party/CutLER/cutler/tools/run_with_submitit.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/CutLER/cutler/tools/run_with_submitit.sh -------------------------------------------------------------------------------- /third_party/CutLER/cutler/tools/run_with_submitit_ssl.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/CutLER/cutler/tools/run_with_submitit_ssl.sh -------------------------------------------------------------------------------- /third_party/CutLER/cutler/tools/single-node_run.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/CutLER/cutler/tools/single-node_run.sh -------------------------------------------------------------------------------- /third_party/CutLER/cutler/tools/train-1node.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/CutLER/cutler/tools/train-1node.sh -------------------------------------------------------------------------------- /third_party/CutLER/cutler/train_net.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/CutLER/cutler/train_net.py -------------------------------------------------------------------------------- /third_party/CutLER/datasets/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/CutLER/datasets/README.md -------------------------------------------------------------------------------- /third_party/CutLER/docs/cutler-demo.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/CutLER/docs/cutler-demo.jpg -------------------------------------------------------------------------------- /third_party/CutLER/docs/maskcut-demo.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/CutLER/docs/maskcut-demo.jpg -------------------------------------------------------------------------------- /third_party/CutLER/docs/maskcut.gif: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/CutLER/docs/maskcut.gif -------------------------------------------------------------------------------- /third_party/CutLER/docs/pipeline.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/CutLER/docs/pipeline.jpg -------------------------------------------------------------------------------- /third_party/CutLER/docs/teaser_img.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/CutLER/docs/teaser_img.jpg -------------------------------------------------------------------------------- /third_party/CutLER/maskcut/colormap.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/CutLER/maskcut/colormap.py -------------------------------------------------------------------------------- /third_party/CutLER/maskcut/crf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/CutLER/maskcut/crf.py -------------------------------------------------------------------------------- /third_party/CutLER/maskcut/demo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/CutLER/maskcut/demo.py -------------------------------------------------------------------------------- /third_party/CutLER/maskcut/dino.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/CutLER/maskcut/dino.py -------------------------------------------------------------------------------- /third_party/CutLER/maskcut/imgs/demo1.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/CutLER/maskcut/imgs/demo1.jpg -------------------------------------------------------------------------------- /third_party/CutLER/maskcut/imgs/demo2.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/CutLER/maskcut/imgs/demo2.jpg -------------------------------------------------------------------------------- /third_party/CutLER/maskcut/imgs/demo3.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/CutLER/maskcut/imgs/demo3.jpg -------------------------------------------------------------------------------- /third_party/CutLER/maskcut/imgs/demo4.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/CutLER/maskcut/imgs/demo4.jpg -------------------------------------------------------------------------------- /third_party/CutLER/maskcut/imgs/demo5.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/CutLER/maskcut/imgs/demo5.jpg -------------------------------------------------------------------------------- /third_party/CutLER/maskcut/imgs/demo6.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/CutLER/maskcut/imgs/demo6.jpg -------------------------------------------------------------------------------- /third_party/CutLER/maskcut/imgs/demo7.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/CutLER/maskcut/imgs/demo7.jpg -------------------------------------------------------------------------------- /third_party/CutLER/maskcut/imgs/demo8.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/CutLER/maskcut/imgs/demo8.jpg -------------------------------------------------------------------------------- /third_party/CutLER/maskcut/maskcut.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/CutLER/maskcut/maskcut.py -------------------------------------------------------------------------------- /third_party/CutLER/maskcut/maskcut_with_submitit.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/CutLER/maskcut/maskcut_with_submitit.py -------------------------------------------------------------------------------- /third_party/CutLER/maskcut/merge_jsons.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/CutLER/maskcut/merge_jsons.py -------------------------------------------------------------------------------- /third_party/CutLER/maskcut/predict.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/CutLER/maskcut/predict.py -------------------------------------------------------------------------------- /third_party/CutLER/maskcut/run_maskcut_with_submitit.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/CutLER/maskcut/run_maskcut_with_submitit.sh -------------------------------------------------------------------------------- /third_party/CutLER/maskcut/run_with_submitit_maskcut_array.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/CutLER/maskcut/run_with_submitit_maskcut_array.py -------------------------------------------------------------------------------- /third_party/CutLER/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/CutLER/requirements.txt -------------------------------------------------------------------------------- /third_party/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/__init__.py -------------------------------------------------------------------------------- /third_party/detectron2/GETTING_STARTED.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/GETTING_STARTED.md -------------------------------------------------------------------------------- /third_party/detectron2/INSTALL.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/INSTALL.md -------------------------------------------------------------------------------- /third_party/detectron2/LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/LICENSE -------------------------------------------------------------------------------- /third_party/detectron2/MODEL_ZOO.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/MODEL_ZOO.md -------------------------------------------------------------------------------- /third_party/detectron2/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/README.md -------------------------------------------------------------------------------- /third_party/detectron2/configs/Base-RCNN-C4.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/configs/Base-RCNN-C4.yaml -------------------------------------------------------------------------------- /third_party/detectron2/configs/Base-RCNN-DilatedC5.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/configs/Base-RCNN-DilatedC5.yaml -------------------------------------------------------------------------------- /third_party/detectron2/configs/Base-RCNN-FPN.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/configs/Base-RCNN-FPN.yaml -------------------------------------------------------------------------------- /third_party/detectron2/configs/Base-RetinaNet.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/configs/Base-RetinaNet.yaml -------------------------------------------------------------------------------- /third_party/detectron2/configs/COCO-Detection/fast_rcnn_R_50_FPN_1x.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/configs/COCO-Detection/fast_rcnn_R_50_FPN_1x.yaml -------------------------------------------------------------------------------- /third_party/detectron2/configs/COCO-Detection/faster_rcnn_R_101_C4_3x.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/configs/COCO-Detection/faster_rcnn_R_101_C4_3x.yaml -------------------------------------------------------------------------------- /third_party/detectron2/configs/COCO-Detection/faster_rcnn_R_101_DC5_3x.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/configs/COCO-Detection/faster_rcnn_R_101_DC5_3x.yaml -------------------------------------------------------------------------------- /third_party/detectron2/configs/COCO-Detection/faster_rcnn_R_101_FPN_3x.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/configs/COCO-Detection/faster_rcnn_R_101_FPN_3x.yaml -------------------------------------------------------------------------------- /third_party/detectron2/configs/COCO-Detection/faster_rcnn_R_50_C4_1x.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/configs/COCO-Detection/faster_rcnn_R_50_C4_1x.yaml -------------------------------------------------------------------------------- /third_party/detectron2/configs/COCO-Detection/faster_rcnn_R_50_C4_3x.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/configs/COCO-Detection/faster_rcnn_R_50_C4_3x.yaml -------------------------------------------------------------------------------- /third_party/detectron2/configs/COCO-Detection/faster_rcnn_R_50_DC5_1x.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/configs/COCO-Detection/faster_rcnn_R_50_DC5_1x.yaml -------------------------------------------------------------------------------- /third_party/detectron2/configs/COCO-Detection/faster_rcnn_R_50_DC5_3x.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/configs/COCO-Detection/faster_rcnn_R_50_DC5_3x.yaml -------------------------------------------------------------------------------- /third_party/detectron2/configs/COCO-Detection/faster_rcnn_R_50_FPN_1x.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/configs/COCO-Detection/faster_rcnn_R_50_FPN_1x.yaml -------------------------------------------------------------------------------- /third_party/detectron2/configs/COCO-Detection/faster_rcnn_R_50_FPN_3x.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/configs/COCO-Detection/faster_rcnn_R_50_FPN_3x.yaml -------------------------------------------------------------------------------- /third_party/detectron2/configs/COCO-Detection/faster_rcnn_X_101_32x8d_FPN_3x.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/configs/COCO-Detection/faster_rcnn_X_101_32x8d_FPN_3x.yaml -------------------------------------------------------------------------------- /third_party/detectron2/configs/COCO-Detection/fcos_R_50_FPN_1x.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/configs/COCO-Detection/fcos_R_50_FPN_1x.py -------------------------------------------------------------------------------- /third_party/detectron2/configs/COCO-Detection/retinanet_R_101_FPN_3x.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/configs/COCO-Detection/retinanet_R_101_FPN_3x.yaml -------------------------------------------------------------------------------- /third_party/detectron2/configs/COCO-Detection/retinanet_R_50_FPN_1x.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/configs/COCO-Detection/retinanet_R_50_FPN_1x.py -------------------------------------------------------------------------------- /third_party/detectron2/configs/COCO-Detection/retinanet_R_50_FPN_1x.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/configs/COCO-Detection/retinanet_R_50_FPN_1x.yaml -------------------------------------------------------------------------------- /third_party/detectron2/configs/COCO-Detection/retinanet_R_50_FPN_3x.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/configs/COCO-Detection/retinanet_R_50_FPN_3x.yaml -------------------------------------------------------------------------------- /third_party/detectron2/configs/COCO-Detection/rpn_R_50_C4_1x.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/configs/COCO-Detection/rpn_R_50_C4_1x.yaml -------------------------------------------------------------------------------- /third_party/detectron2/configs/COCO-Detection/rpn_R_50_FPN_1x.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/configs/COCO-Detection/rpn_R_50_FPN_1x.yaml -------------------------------------------------------------------------------- /third_party/detectron2/configs/COCO-InstanceSegmentation/mask_rcnn_R_101_C4_3x.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/configs/COCO-InstanceSegmentation/mask_rcnn_R_101_C4_3x.yaml -------------------------------------------------------------------------------- /third_party/detectron2/configs/COCO-InstanceSegmentation/mask_rcnn_R_101_DC5_3x.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/configs/COCO-InstanceSegmentation/mask_rcnn_R_101_DC5_3x.yaml -------------------------------------------------------------------------------- /third_party/detectron2/configs/COCO-InstanceSegmentation/mask_rcnn_R_101_FPN_3x.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/configs/COCO-InstanceSegmentation/mask_rcnn_R_101_FPN_3x.yaml -------------------------------------------------------------------------------- /third_party/detectron2/configs/COCO-InstanceSegmentation/mask_rcnn_R_50_C4_1x.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/configs/COCO-InstanceSegmentation/mask_rcnn_R_50_C4_1x.py -------------------------------------------------------------------------------- /third_party/detectron2/configs/COCO-InstanceSegmentation/mask_rcnn_R_50_C4_1x.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/configs/COCO-InstanceSegmentation/mask_rcnn_R_50_C4_1x.yaml -------------------------------------------------------------------------------- /third_party/detectron2/configs/COCO-InstanceSegmentation/mask_rcnn_R_50_C4_3x.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/configs/COCO-InstanceSegmentation/mask_rcnn_R_50_C4_3x.yaml -------------------------------------------------------------------------------- /third_party/detectron2/configs/COCO-InstanceSegmentation/mask_rcnn_R_50_DC5_1x.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/configs/COCO-InstanceSegmentation/mask_rcnn_R_50_DC5_1x.yaml -------------------------------------------------------------------------------- /third_party/detectron2/configs/COCO-InstanceSegmentation/mask_rcnn_R_50_DC5_3x.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/configs/COCO-InstanceSegmentation/mask_rcnn_R_50_DC5_3x.yaml -------------------------------------------------------------------------------- /third_party/detectron2/configs/COCO-InstanceSegmentation/mask_rcnn_R_50_FPN_1x.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/configs/COCO-InstanceSegmentation/mask_rcnn_R_50_FPN_1x.py -------------------------------------------------------------------------------- /third_party/detectron2/configs/COCO-InstanceSegmentation/mask_rcnn_R_50_FPN_1x.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/configs/COCO-InstanceSegmentation/mask_rcnn_R_50_FPN_1x.yaml -------------------------------------------------------------------------------- /third_party/detectron2/configs/COCO-InstanceSegmentation/mask_rcnn_R_50_FPN_1x_giou.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/configs/COCO-InstanceSegmentation/mask_rcnn_R_50_FPN_1x_giou.yaml -------------------------------------------------------------------------------- /third_party/detectron2/configs/COCO-InstanceSegmentation/mask_rcnn_R_50_FPN_3x.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/configs/COCO-InstanceSegmentation/mask_rcnn_R_50_FPN_3x.yaml -------------------------------------------------------------------------------- /third_party/detectron2/configs/COCO-InstanceSegmentation/mask_rcnn_X_101_32x8d_FPN_3x.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/configs/COCO-InstanceSegmentation/mask_rcnn_X_101_32x8d_FPN_3x.yaml -------------------------------------------------------------------------------- /third_party/detectron2/configs/COCO-InstanceSegmentation/mask_rcnn_regnetx_4gf_dds_fpn_1x.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/configs/COCO-InstanceSegmentation/mask_rcnn_regnetx_4gf_dds_fpn_1x.py -------------------------------------------------------------------------------- /third_party/detectron2/configs/COCO-InstanceSegmentation/mask_rcnn_regnety_4gf_dds_fpn_1x.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/configs/COCO-InstanceSegmentation/mask_rcnn_regnety_4gf_dds_fpn_1x.py -------------------------------------------------------------------------------- /third_party/detectron2/configs/COCO-Keypoints/Base-Keypoint-RCNN-FPN.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/configs/COCO-Keypoints/Base-Keypoint-RCNN-FPN.yaml -------------------------------------------------------------------------------- /third_party/detectron2/configs/COCO-Keypoints/keypoint_rcnn_R_101_FPN_3x.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/configs/COCO-Keypoints/keypoint_rcnn_R_101_FPN_3x.yaml -------------------------------------------------------------------------------- /third_party/detectron2/configs/COCO-Keypoints/keypoint_rcnn_R_50_FPN_1x.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/configs/COCO-Keypoints/keypoint_rcnn_R_50_FPN_1x.py -------------------------------------------------------------------------------- /third_party/detectron2/configs/COCO-Keypoints/keypoint_rcnn_R_50_FPN_1x.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/configs/COCO-Keypoints/keypoint_rcnn_R_50_FPN_1x.yaml -------------------------------------------------------------------------------- /third_party/detectron2/configs/COCO-Keypoints/keypoint_rcnn_R_50_FPN_3x.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/configs/COCO-Keypoints/keypoint_rcnn_R_50_FPN_3x.yaml -------------------------------------------------------------------------------- /third_party/detectron2/configs/COCO-Keypoints/keypoint_rcnn_X_101_32x8d_FPN_3x.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/configs/COCO-Keypoints/keypoint_rcnn_X_101_32x8d_FPN_3x.yaml -------------------------------------------------------------------------------- /third_party/detectron2/configs/COCO-PanopticSegmentation/Base-Panoptic-FPN.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/configs/COCO-PanopticSegmentation/Base-Panoptic-FPN.yaml -------------------------------------------------------------------------------- /third_party/detectron2/configs/COCO-PanopticSegmentation/panoptic_fpn_R_101_3x.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/configs/COCO-PanopticSegmentation/panoptic_fpn_R_101_3x.yaml -------------------------------------------------------------------------------- /third_party/detectron2/configs/COCO-PanopticSegmentation/panoptic_fpn_R_50_1x.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/configs/COCO-PanopticSegmentation/panoptic_fpn_R_50_1x.py -------------------------------------------------------------------------------- /third_party/detectron2/configs/COCO-PanopticSegmentation/panoptic_fpn_R_50_1x.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/configs/COCO-PanopticSegmentation/panoptic_fpn_R_50_1x.yaml -------------------------------------------------------------------------------- /third_party/detectron2/configs/COCO-PanopticSegmentation/panoptic_fpn_R_50_3x.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/configs/COCO-PanopticSegmentation/panoptic_fpn_R_50_3x.yaml -------------------------------------------------------------------------------- /third_party/detectron2/configs/Cityscapes/mask_rcnn_R_50_FPN.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/configs/Cityscapes/mask_rcnn_R_50_FPN.yaml -------------------------------------------------------------------------------- /third_party/detectron2/configs/Detectron1-Comparisons/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/configs/Detectron1-Comparisons/README.md -------------------------------------------------------------------------------- /third_party/detectron2/configs/Detectron1-Comparisons/faster_rcnn_R_50_FPN_noaug_1x.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/configs/Detectron1-Comparisons/faster_rcnn_R_50_FPN_noaug_1x.yaml -------------------------------------------------------------------------------- /third_party/detectron2/configs/Detectron1-Comparisons/keypoint_rcnn_R_50_FPN_1x.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/configs/Detectron1-Comparisons/keypoint_rcnn_R_50_FPN_1x.yaml -------------------------------------------------------------------------------- /third_party/detectron2/configs/Detectron1-Comparisons/mask_rcnn_R_50_FPN_noaug_1x.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/configs/Detectron1-Comparisons/mask_rcnn_R_50_FPN_noaug_1x.yaml -------------------------------------------------------------------------------- /third_party/detectron2/configs/LVISv0.5-InstanceSegmentation/mask_rcnn_R_101_FPN_1x.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/configs/LVISv0.5-InstanceSegmentation/mask_rcnn_R_101_FPN_1x.yaml -------------------------------------------------------------------------------- /third_party/detectron2/configs/LVISv0.5-InstanceSegmentation/mask_rcnn_R_50_FPN_1x.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/configs/LVISv0.5-InstanceSegmentation/mask_rcnn_R_50_FPN_1x.yaml -------------------------------------------------------------------------------- /third_party/detectron2/configs/LVISv0.5-InstanceSegmentation/mask_rcnn_X_101_32x8d_FPN_1x.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/configs/LVISv0.5-InstanceSegmentation/mask_rcnn_X_101_32x8d_FPN_1x.yaml -------------------------------------------------------------------------------- /third_party/detectron2/configs/LVISv1-InstanceSegmentation/mask_rcnn_R_101_FPN_1x.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/configs/LVISv1-InstanceSegmentation/mask_rcnn_R_101_FPN_1x.yaml -------------------------------------------------------------------------------- /third_party/detectron2/configs/LVISv1-InstanceSegmentation/mask_rcnn_R_50_FPN_1x.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/configs/LVISv1-InstanceSegmentation/mask_rcnn_R_50_FPN_1x.yaml -------------------------------------------------------------------------------- /third_party/detectron2/configs/LVISv1-InstanceSegmentation/mask_rcnn_X_101_32x8d_FPN_1x.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/configs/LVISv1-InstanceSegmentation/mask_rcnn_X_101_32x8d_FPN_1x.yaml -------------------------------------------------------------------------------- /third_party/detectron2/configs/Misc/cascade_mask_rcnn_R_50_FPN_1x.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/configs/Misc/cascade_mask_rcnn_R_50_FPN_1x.yaml -------------------------------------------------------------------------------- /third_party/detectron2/configs/Misc/cascade_mask_rcnn_R_50_FPN_3x.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/configs/Misc/cascade_mask_rcnn_R_50_FPN_3x.yaml -------------------------------------------------------------------------------- /third_party/detectron2/configs/Misc/cascade_mask_rcnn_X_152_32x8d_FPN_IN5k_gn_dconv.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/configs/Misc/cascade_mask_rcnn_X_152_32x8d_FPN_IN5k_gn_dconv.yaml -------------------------------------------------------------------------------- /third_party/detectron2/configs/Misc/mask_rcnn_R_50_FPN_1x_cls_agnostic.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/configs/Misc/mask_rcnn_R_50_FPN_1x_cls_agnostic.yaml -------------------------------------------------------------------------------- /third_party/detectron2/configs/Misc/mask_rcnn_R_50_FPN_1x_dconv_c3-c5.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/configs/Misc/mask_rcnn_R_50_FPN_1x_dconv_c3-c5.yaml -------------------------------------------------------------------------------- /third_party/detectron2/configs/Misc/mask_rcnn_R_50_FPN_3x_dconv_c3-c5.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/configs/Misc/mask_rcnn_R_50_FPN_3x_dconv_c3-c5.yaml -------------------------------------------------------------------------------- /third_party/detectron2/configs/Misc/mask_rcnn_R_50_FPN_3x_gn.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/configs/Misc/mask_rcnn_R_50_FPN_3x_gn.yaml -------------------------------------------------------------------------------- /third_party/detectron2/configs/Misc/mask_rcnn_R_50_FPN_3x_syncbn.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/configs/Misc/mask_rcnn_R_50_FPN_3x_syncbn.yaml -------------------------------------------------------------------------------- /third_party/detectron2/configs/Misc/mmdet_mask_rcnn_R_50_FPN_1x.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/configs/Misc/mmdet_mask_rcnn_R_50_FPN_1x.py -------------------------------------------------------------------------------- /third_party/detectron2/configs/Misc/panoptic_fpn_R_101_dconv_cascade_gn_3x.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/configs/Misc/panoptic_fpn_R_101_dconv_cascade_gn_3x.yaml -------------------------------------------------------------------------------- /third_party/detectron2/configs/Misc/scratch_mask_rcnn_R_50_FPN_3x_gn.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/configs/Misc/scratch_mask_rcnn_R_50_FPN_3x_gn.yaml -------------------------------------------------------------------------------- /third_party/detectron2/configs/Misc/scratch_mask_rcnn_R_50_FPN_9x_gn.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/configs/Misc/scratch_mask_rcnn_R_50_FPN_9x_gn.yaml -------------------------------------------------------------------------------- /third_party/detectron2/configs/Misc/scratch_mask_rcnn_R_50_FPN_9x_syncbn.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/configs/Misc/scratch_mask_rcnn_R_50_FPN_9x_syncbn.yaml -------------------------------------------------------------------------------- /third_party/detectron2/configs/Misc/semantic_R_50_FPN_1x.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/configs/Misc/semantic_R_50_FPN_1x.yaml -------------------------------------------------------------------------------- /third_party/detectron2/configs/Misc/torchvision_imagenet_R_50.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/configs/Misc/torchvision_imagenet_R_50.py -------------------------------------------------------------------------------- /third_party/detectron2/configs/PascalVOC-Detection/faster_rcnn_R_50_C4.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/configs/PascalVOC-Detection/faster_rcnn_R_50_C4.yaml -------------------------------------------------------------------------------- /third_party/detectron2/configs/PascalVOC-Detection/faster_rcnn_R_50_FPN.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/configs/PascalVOC-Detection/faster_rcnn_R_50_FPN.yaml -------------------------------------------------------------------------------- /third_party/detectron2/configs/common/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/configs/common/README.md -------------------------------------------------------------------------------- /third_party/detectron2/configs/common/coco_schedule.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/configs/common/coco_schedule.py -------------------------------------------------------------------------------- /third_party/detectron2/configs/common/data/coco.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/configs/common/data/coco.py -------------------------------------------------------------------------------- /third_party/detectron2/configs/common/data/coco_keypoint.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/configs/common/data/coco_keypoint.py -------------------------------------------------------------------------------- /third_party/detectron2/configs/common/data/coco_panoptic_separated.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/configs/common/data/coco_panoptic_separated.py -------------------------------------------------------------------------------- /third_party/detectron2/configs/common/data/constants.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/configs/common/data/constants.py -------------------------------------------------------------------------------- /third_party/detectron2/configs/common/models/cascade_rcnn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/configs/common/models/cascade_rcnn.py -------------------------------------------------------------------------------- /third_party/detectron2/configs/common/models/fcos.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/configs/common/models/fcos.py -------------------------------------------------------------------------------- /third_party/detectron2/configs/common/models/keypoint_rcnn_fpn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/configs/common/models/keypoint_rcnn_fpn.py -------------------------------------------------------------------------------- /third_party/detectron2/configs/common/models/mask_rcnn_c4.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/configs/common/models/mask_rcnn_c4.py -------------------------------------------------------------------------------- /third_party/detectron2/configs/common/models/mask_rcnn_fpn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/configs/common/models/mask_rcnn_fpn.py -------------------------------------------------------------------------------- /third_party/detectron2/configs/common/models/mask_rcnn_vitdet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/configs/common/models/mask_rcnn_vitdet.py -------------------------------------------------------------------------------- /third_party/detectron2/configs/common/models/panoptic_fpn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/configs/common/models/panoptic_fpn.py -------------------------------------------------------------------------------- /third_party/detectron2/configs/common/models/retinanet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/configs/common/models/retinanet.py -------------------------------------------------------------------------------- /third_party/detectron2/configs/common/optim.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/configs/common/optim.py -------------------------------------------------------------------------------- /third_party/detectron2/configs/common/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/configs/common/train.py -------------------------------------------------------------------------------- /third_party/detectron2/configs/new_baselines/mask_rcnn_R_101_FPN_100ep_LSJ.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/configs/new_baselines/mask_rcnn_R_101_FPN_100ep_LSJ.py -------------------------------------------------------------------------------- /third_party/detectron2/configs/new_baselines/mask_rcnn_R_101_FPN_200ep_LSJ.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/configs/new_baselines/mask_rcnn_R_101_FPN_200ep_LSJ.py -------------------------------------------------------------------------------- /third_party/detectron2/configs/new_baselines/mask_rcnn_R_101_FPN_400ep_LSJ.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/configs/new_baselines/mask_rcnn_R_101_FPN_400ep_LSJ.py -------------------------------------------------------------------------------- /third_party/detectron2/configs/new_baselines/mask_rcnn_R_50_FPN_100ep_LSJ.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/configs/new_baselines/mask_rcnn_R_50_FPN_100ep_LSJ.py -------------------------------------------------------------------------------- /third_party/detectron2/configs/new_baselines/mask_rcnn_R_50_FPN_200ep_LSJ.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/configs/new_baselines/mask_rcnn_R_50_FPN_200ep_LSJ.py -------------------------------------------------------------------------------- /third_party/detectron2/configs/new_baselines/mask_rcnn_R_50_FPN_400ep_LSJ.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/configs/new_baselines/mask_rcnn_R_50_FPN_400ep_LSJ.py -------------------------------------------------------------------------------- /third_party/detectron2/configs/new_baselines/mask_rcnn_R_50_FPN_50ep_LSJ.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/configs/new_baselines/mask_rcnn_R_50_FPN_50ep_LSJ.py -------------------------------------------------------------------------------- /third_party/detectron2/configs/new_baselines/mask_rcnn_regnetx_4gf_dds_FPN_100ep_LSJ.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/configs/new_baselines/mask_rcnn_regnetx_4gf_dds_FPN_100ep_LSJ.py -------------------------------------------------------------------------------- /third_party/detectron2/configs/new_baselines/mask_rcnn_regnetx_4gf_dds_FPN_200ep_LSJ.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/configs/new_baselines/mask_rcnn_regnetx_4gf_dds_FPN_200ep_LSJ.py -------------------------------------------------------------------------------- /third_party/detectron2/configs/new_baselines/mask_rcnn_regnetx_4gf_dds_FPN_400ep_LSJ.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/configs/new_baselines/mask_rcnn_regnetx_4gf_dds_FPN_400ep_LSJ.py -------------------------------------------------------------------------------- /third_party/detectron2/configs/new_baselines/mask_rcnn_regnety_4gf_dds_FPN_100ep_LSJ.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/configs/new_baselines/mask_rcnn_regnety_4gf_dds_FPN_100ep_LSJ.py -------------------------------------------------------------------------------- /third_party/detectron2/configs/new_baselines/mask_rcnn_regnety_4gf_dds_FPN_200ep_LSJ.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/configs/new_baselines/mask_rcnn_regnety_4gf_dds_FPN_200ep_LSJ.py -------------------------------------------------------------------------------- /third_party/detectron2/configs/new_baselines/mask_rcnn_regnety_4gf_dds_FPN_400ep_LSJ.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/configs/new_baselines/mask_rcnn_regnety_4gf_dds_FPN_400ep_LSJ.py -------------------------------------------------------------------------------- /third_party/detectron2/configs/quick_schedules/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/configs/quick_schedules/README.md -------------------------------------------------------------------------------- /third_party/detectron2/configs/quick_schedules/cascade_mask_rcnn_R_50_FPN_instant_test.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/configs/quick_schedules/cascade_mask_rcnn_R_50_FPN_instant_test.yaml -------------------------------------------------------------------------------- /third_party/detectron2/configs/quick_schedules/fast_rcnn_R_50_FPN_inference_acc_test.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/configs/quick_schedules/fast_rcnn_R_50_FPN_inference_acc_test.yaml -------------------------------------------------------------------------------- /third_party/detectron2/configs/quick_schedules/fast_rcnn_R_50_FPN_instant_test.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/configs/quick_schedules/fast_rcnn_R_50_FPN_instant_test.yaml -------------------------------------------------------------------------------- /third_party/detectron2/configs/quick_schedules/keypoint_rcnn_R_50_FPN_inference_acc_test.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/configs/quick_schedules/keypoint_rcnn_R_50_FPN_inference_acc_test.yaml -------------------------------------------------------------------------------- /third_party/detectron2/configs/quick_schedules/keypoint_rcnn_R_50_FPN_instant_test.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/configs/quick_schedules/keypoint_rcnn_R_50_FPN_instant_test.yaml -------------------------------------------------------------------------------- /third_party/detectron2/configs/quick_schedules/keypoint_rcnn_R_50_FPN_training_acc_test.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/configs/quick_schedules/keypoint_rcnn_R_50_FPN_training_acc_test.yaml -------------------------------------------------------------------------------- /third_party/detectron2/configs/quick_schedules/mask_rcnn_R_50_C4_GCV_instant_test.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/configs/quick_schedules/mask_rcnn_R_50_C4_GCV_instant_test.yaml -------------------------------------------------------------------------------- /third_party/detectron2/configs/quick_schedules/mask_rcnn_R_50_C4_inference_acc_test.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/configs/quick_schedules/mask_rcnn_R_50_C4_inference_acc_test.yaml -------------------------------------------------------------------------------- /third_party/detectron2/configs/quick_schedules/mask_rcnn_R_50_C4_instant_test.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/configs/quick_schedules/mask_rcnn_R_50_C4_instant_test.yaml -------------------------------------------------------------------------------- /third_party/detectron2/configs/quick_schedules/mask_rcnn_R_50_C4_training_acc_test.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/configs/quick_schedules/mask_rcnn_R_50_C4_training_acc_test.yaml -------------------------------------------------------------------------------- /third_party/detectron2/configs/quick_schedules/mask_rcnn_R_50_DC5_inference_acc_test.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/configs/quick_schedules/mask_rcnn_R_50_DC5_inference_acc_test.yaml -------------------------------------------------------------------------------- /third_party/detectron2/configs/quick_schedules/mask_rcnn_R_50_FPN_inference_acc_test.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/configs/quick_schedules/mask_rcnn_R_50_FPN_inference_acc_test.yaml -------------------------------------------------------------------------------- /third_party/detectron2/configs/quick_schedules/mask_rcnn_R_50_FPN_instant_test.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/configs/quick_schedules/mask_rcnn_R_50_FPN_instant_test.yaml -------------------------------------------------------------------------------- /third_party/detectron2/configs/quick_schedules/mask_rcnn_R_50_FPN_training_acc_test.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/configs/quick_schedules/mask_rcnn_R_50_FPN_training_acc_test.yaml -------------------------------------------------------------------------------- /third_party/detectron2/configs/quick_schedules/panoptic_fpn_R_50_inference_acc_test.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/configs/quick_schedules/panoptic_fpn_R_50_inference_acc_test.yaml -------------------------------------------------------------------------------- /third_party/detectron2/configs/quick_schedules/panoptic_fpn_R_50_instant_test.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/configs/quick_schedules/panoptic_fpn_R_50_instant_test.yaml -------------------------------------------------------------------------------- /third_party/detectron2/configs/quick_schedules/panoptic_fpn_R_50_training_acc_test.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/configs/quick_schedules/panoptic_fpn_R_50_training_acc_test.yaml -------------------------------------------------------------------------------- /third_party/detectron2/configs/quick_schedules/retinanet_R_50_FPN_inference_acc_test.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/configs/quick_schedules/retinanet_R_50_FPN_inference_acc_test.yaml -------------------------------------------------------------------------------- /third_party/detectron2/configs/quick_schedules/retinanet_R_50_FPN_instant_test.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/configs/quick_schedules/retinanet_R_50_FPN_instant_test.yaml -------------------------------------------------------------------------------- /third_party/detectron2/configs/quick_schedules/rpn_R_50_FPN_inference_acc_test.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/configs/quick_schedules/rpn_R_50_FPN_inference_acc_test.yaml -------------------------------------------------------------------------------- /third_party/detectron2/configs/quick_schedules/rpn_R_50_FPN_instant_test.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/configs/quick_schedules/rpn_R_50_FPN_instant_test.yaml -------------------------------------------------------------------------------- /third_party/detectron2/configs/quick_schedules/semantic_R_50_FPN_inference_acc_test.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/configs/quick_schedules/semantic_R_50_FPN_inference_acc_test.yaml -------------------------------------------------------------------------------- /third_party/detectron2/configs/quick_schedules/semantic_R_50_FPN_instant_test.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/configs/quick_schedules/semantic_R_50_FPN_instant_test.yaml -------------------------------------------------------------------------------- /third_party/detectron2/configs/quick_schedules/semantic_R_50_FPN_training_acc_test.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/configs/quick_schedules/semantic_R_50_FPN_training_acc_test.yaml -------------------------------------------------------------------------------- /third_party/detectron2/datasets/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/datasets/README.md -------------------------------------------------------------------------------- /third_party/detectron2/datasets/prepare_ade20k_sem_seg.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/datasets/prepare_ade20k_sem_seg.py -------------------------------------------------------------------------------- /third_party/detectron2/datasets/prepare_cocofied_lvis.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/datasets/prepare_cocofied_lvis.py -------------------------------------------------------------------------------- /third_party/detectron2/datasets/prepare_for_tests.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/datasets/prepare_for_tests.sh -------------------------------------------------------------------------------- /third_party/detectron2/datasets/prepare_panoptic_fpn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/datasets/prepare_panoptic_fpn.py -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/_C.cpython-38-x86_64-linux-gnu.so: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/_C.cpython-38-x86_64-linux-gnu.so -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/__init__.py -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/checkpoint/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/checkpoint/__init__.py -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/checkpoint/c2_model_loading.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/checkpoint/c2_model_loading.py -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/checkpoint/catalog.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/checkpoint/catalog.py -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/checkpoint/detection_checkpoint.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/checkpoint/detection_checkpoint.py -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/config/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/config/__init__.py -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/config/compat.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/config/compat.py -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/config/config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/config/config.py -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/config/defaults.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/config/defaults.py -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/config/instantiate.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/config/instantiate.py -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/config/lazy.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/config/lazy.py -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/data/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/data/__init__.py -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/data/benchmark.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/data/benchmark.py -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/data/build.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/data/build.py -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/data/catalog.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/data/catalog.py -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/data/common.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/data/common.py -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/data/dataset_mapper.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/data/dataset_mapper.py -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/data/datasets/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/data/datasets/README.md -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/data/datasets/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/data/datasets/__init__.py -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/data/datasets/__pycache__/__init__.cpython-38.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/data/datasets/__pycache__/__init__.cpython-38.pyc -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/data/datasets/__pycache__/builtin.cpython-38.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/data/datasets/__pycache__/builtin.cpython-38.pyc -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/data/datasets/__pycache__/builtin_meta.cpython-38.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/data/datasets/__pycache__/builtin_meta.cpython-38.pyc -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/data/datasets/__pycache__/cityscapes.cpython-38.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/data/datasets/__pycache__/cityscapes.cpython-38.pyc -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/data/datasets/__pycache__/cityscapes_panoptic.cpython-38.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/data/datasets/__pycache__/cityscapes_panoptic.cpython-38.pyc -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/data/datasets/__pycache__/coco.cpython-38.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/data/datasets/__pycache__/coco.cpython-38.pyc -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/data/datasets/__pycache__/coco_panoptic.cpython-38.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/data/datasets/__pycache__/coco_panoptic.cpython-38.pyc -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/data/datasets/__pycache__/lvis.cpython-38.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/data/datasets/__pycache__/lvis.cpython-38.pyc -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/data/datasets/__pycache__/lvis_v1_categories.cpython-38.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/data/datasets/__pycache__/lvis_v1_categories.cpython-38.pyc -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/data/datasets/__pycache__/pascal_voc.cpython-38.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/data/datasets/__pycache__/pascal_voc.cpython-38.pyc -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/data/datasets/builtin.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/data/datasets/builtin.py -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/data/datasets/builtin_meta.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/data/datasets/builtin_meta.py -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/data/datasets/cityscapes.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/data/datasets/cityscapes.py -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/data/datasets/cityscapes_panoptic.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/data/datasets/cityscapes_panoptic.py -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/data/datasets/coco.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/data/datasets/coco.py -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/data/datasets/coco_panoptic.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/data/datasets/coco_panoptic.py -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/data/datasets/lvis.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/data/datasets/lvis.py -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/data/datasets/lvis_v0_5_categories.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/data/datasets/lvis_v0_5_categories.py -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/data/datasets/lvis_v1_categories.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/data/datasets/lvis_v1_categories.py -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/data/datasets/lvis_v1_category_image_count.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/data/datasets/lvis_v1_category_image_count.py -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/data/datasets/pascal_voc.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/data/datasets/pascal_voc.py -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/data/datasets/register_coco.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/data/datasets/register_coco.py -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/data/detection_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/data/detection_utils.py -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/data/samplers/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/data/samplers/__init__.py -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/data/samplers/__pycache__/__init__.cpython-38.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/data/samplers/__pycache__/__init__.cpython-38.pyc -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/data/samplers/__pycache__/distributed_sampler.cpython-38.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/data/samplers/__pycache__/distributed_sampler.cpython-38.pyc -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/data/samplers/distributed_sampler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/data/samplers/distributed_sampler.py -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/data/samplers/grouped_batch_sampler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/data/samplers/grouped_batch_sampler.py -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/data/transforms/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/data/transforms/__init__.py -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/data/transforms/__pycache__/__init__.cpython-38.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/data/transforms/__pycache__/__init__.cpython-38.pyc -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/data/transforms/__pycache__/augmentation.cpython-38.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/data/transforms/__pycache__/augmentation.cpython-38.pyc -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/data/transforms/__pycache__/augmentation_impl.cpython-38.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/data/transforms/__pycache__/augmentation_impl.cpython-38.pyc -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/data/transforms/__pycache__/transform.cpython-38.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/data/transforms/__pycache__/transform.cpython-38.pyc -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/data/transforms/augmentation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/data/transforms/augmentation.py -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/data/transforms/augmentation_impl.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/data/transforms/augmentation_impl.py -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/data/transforms/transform.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/data/transforms/transform.py -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/engine/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/engine/__init__.py -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/engine/defaults.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/engine/defaults.py -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/engine/hooks.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/engine/hooks.py -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/engine/launch.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/engine/launch.py -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/engine/train_loop.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/engine/train_loop.py -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/evaluation/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/evaluation/__init__.py -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/evaluation/cityscapes_evaluation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/evaluation/cityscapes_evaluation.py -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/evaluation/coco_evaluation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/evaluation/coco_evaluation.py -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/evaluation/evaluator.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/evaluation/evaluator.py -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/evaluation/fast_eval_api.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/evaluation/fast_eval_api.py -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/evaluation/lvis_evaluation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/evaluation/lvis_evaluation.py -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/evaluation/panoptic_evaluation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/evaluation/panoptic_evaluation.py -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/evaluation/pascal_voc_evaluation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/evaluation/pascal_voc_evaluation.py -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/evaluation/rotated_coco_evaluation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/evaluation/rotated_coco_evaluation.py -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/evaluation/sem_seg_evaluation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/evaluation/sem_seg_evaluation.py -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/evaluation/testing.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/evaluation/testing.py -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/export/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/export/README.md -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/export/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/export/__init__.py -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/export/api.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/export/api.py -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/export/c10.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/export/c10.py -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/export/caffe2_export.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/export/caffe2_export.py -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/export/caffe2_inference.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/export/caffe2_inference.py -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/export/caffe2_modeling.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/export/caffe2_modeling.py -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/export/caffe2_patch.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/export/caffe2_patch.py -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/export/flatten.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/export/flatten.py -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/export/shared.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/export/shared.py -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/export/torchscript.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/export/torchscript.py -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/export/torchscript_patch.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/export/torchscript_patch.py -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/layers/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/layers/__init__.py -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/layers/aspp.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/layers/aspp.py -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/layers/batch_norm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/layers/batch_norm.py -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/layers/blocks.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/layers/blocks.py -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/layers/csrc/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/layers/csrc/README.md -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/layers/csrc/ROIAlignRotated/ROIAlignRotated.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/layers/csrc/ROIAlignRotated/ROIAlignRotated.h -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/layers/csrc/ROIAlignRotated/ROIAlignRotated_cpu.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/layers/csrc/ROIAlignRotated/ROIAlignRotated_cpu.cpp -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/layers/csrc/ROIAlignRotated/ROIAlignRotated_cuda.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/layers/csrc/ROIAlignRotated/ROIAlignRotated_cuda.cu -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/layers/csrc/box_iou_rotated/box_iou_rotated.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/layers/csrc/box_iou_rotated/box_iou_rotated.h -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/layers/csrc/box_iou_rotated/box_iou_rotated_cpu.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/layers/csrc/box_iou_rotated/box_iou_rotated_cpu.cpp -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/layers/csrc/box_iou_rotated/box_iou_rotated_cuda.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/layers/csrc/box_iou_rotated/box_iou_rotated_cuda.cu -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/layers/csrc/box_iou_rotated/box_iou_rotated_utils.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/layers/csrc/box_iou_rotated/box_iou_rotated_utils.h -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/layers/csrc/cocoeval/cocoeval.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/layers/csrc/cocoeval/cocoeval.cpp -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/layers/csrc/cocoeval/cocoeval.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/layers/csrc/cocoeval/cocoeval.h -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/layers/csrc/cuda_version.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/layers/csrc/cuda_version.cu -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/layers/csrc/deformable/deform_conv.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/layers/csrc/deformable/deform_conv.h -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/layers/csrc/deformable/deform_conv_cuda.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/layers/csrc/deformable/deform_conv_cuda.cu -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/layers/csrc/deformable/deform_conv_cuda_kernel.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/layers/csrc/deformable/deform_conv_cuda_kernel.cu -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/layers/csrc/nms_rotated/nms_rotated.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/layers/csrc/nms_rotated/nms_rotated.h -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/layers/csrc/nms_rotated/nms_rotated_cpu.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/layers/csrc/nms_rotated/nms_rotated_cpu.cpp -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/layers/csrc/nms_rotated/nms_rotated_cuda.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/layers/csrc/nms_rotated/nms_rotated_cuda.cu -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/layers/csrc/vision.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/layers/csrc/vision.cpp -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/layers/deform_conv.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/layers/deform_conv.py -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/layers/losses.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/layers/losses.py -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/layers/mask_ops.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/layers/mask_ops.py -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/layers/nms.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/layers/nms.py -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/layers/roi_align.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/layers/roi_align.py -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/layers/roi_align_rotated.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/layers/roi_align_rotated.py -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/layers/rotated_boxes.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/layers/rotated_boxes.py -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/layers/shape_spec.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/layers/shape_spec.py -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/layers/wrappers.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/layers/wrappers.py -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/model_zoo/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/model_zoo/__init__.py -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/model_zoo/configs/Base-RCNN-C4.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/model_zoo/configs/Base-RCNN-C4.yaml -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/model_zoo/configs/Base-RCNN-DilatedC5.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/model_zoo/configs/Base-RCNN-DilatedC5.yaml -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/model_zoo/configs/Base-RCNN-FPN.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/model_zoo/configs/Base-RCNN-FPN.yaml -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/model_zoo/configs/Base-RetinaNet.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/model_zoo/configs/Base-RetinaNet.yaml -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/model_zoo/configs/COCO-Detection/fast_rcnn_R_50_FPN_1x.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/model_zoo/configs/COCO-Detection/fast_rcnn_R_50_FPN_1x.yaml -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/model_zoo/configs/COCO-Detection/faster_rcnn_R_50_C4_1x.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/model_zoo/configs/COCO-Detection/faster_rcnn_R_50_C4_1x.yaml -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/model_zoo/configs/COCO-Detection/faster_rcnn_R_50_C4_3x.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/model_zoo/configs/COCO-Detection/faster_rcnn_R_50_C4_3x.yaml -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/model_zoo/configs/COCO-Detection/fcos_R_50_FPN_1x.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/model_zoo/configs/COCO-Detection/fcos_R_50_FPN_1x.py -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/model_zoo/configs/COCO-Detection/retinanet_R_101_FPN_3x.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/model_zoo/configs/COCO-Detection/retinanet_R_101_FPN_3x.yaml -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/model_zoo/configs/COCO-Detection/retinanet_R_50_FPN_1x.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/model_zoo/configs/COCO-Detection/retinanet_R_50_FPN_1x.py -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/model_zoo/configs/COCO-Detection/retinanet_R_50_FPN_1x.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/model_zoo/configs/COCO-Detection/retinanet_R_50_FPN_1x.yaml -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/model_zoo/configs/COCO-Detection/rpn_R_50_C4_1x.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/model_zoo/configs/COCO-Detection/rpn_R_50_C4_1x.yaml -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/model_zoo/configs/COCO-Detection/rpn_R_50_FPN_1x.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/model_zoo/configs/COCO-Detection/rpn_R_50_FPN_1x.yaml -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/model_zoo/configs/Cityscapes/mask_rcnn_R_50_FPN.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/model_zoo/configs/Cityscapes/mask_rcnn_R_50_FPN.yaml -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/model_zoo/configs/Detectron1-Comparisons/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/model_zoo/configs/Detectron1-Comparisons/README.md -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/model_zoo/configs/Misc/cascade_mask_rcnn_R_50_FPN_1x.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/model_zoo/configs/Misc/cascade_mask_rcnn_R_50_FPN_1x.yaml -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/model_zoo/configs/Misc/cascade_mask_rcnn_R_50_FPN_3x.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/model_zoo/configs/Misc/cascade_mask_rcnn_R_50_FPN_3x.yaml -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/model_zoo/configs/Misc/mask_rcnn_R_50_FPN_3x_gn.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/model_zoo/configs/Misc/mask_rcnn_R_50_FPN_3x_gn.yaml -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/model_zoo/configs/Misc/mask_rcnn_R_50_FPN_3x_syncbn.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/model_zoo/configs/Misc/mask_rcnn_R_50_FPN_3x_syncbn.yaml -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/model_zoo/configs/Misc/mmdet_mask_rcnn_R_50_FPN_1x.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/model_zoo/configs/Misc/mmdet_mask_rcnn_R_50_FPN_1x.py -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/model_zoo/configs/Misc/semantic_R_50_FPN_1x.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/model_zoo/configs/Misc/semantic_R_50_FPN_1x.yaml -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/model_zoo/configs/Misc/torchvision_imagenet_R_50.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/model_zoo/configs/Misc/torchvision_imagenet_R_50.py -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/model_zoo/configs/common/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/model_zoo/configs/common/README.md -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/model_zoo/configs/common/coco_schedule.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/model_zoo/configs/common/coco_schedule.py -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/model_zoo/configs/common/data/coco.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/model_zoo/configs/common/data/coco.py -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/model_zoo/configs/common/data/coco_keypoint.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/model_zoo/configs/common/data/coco_keypoint.py -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/model_zoo/configs/common/data/coco_panoptic_separated.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/model_zoo/configs/common/data/coco_panoptic_separated.py -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/model_zoo/configs/common/data/constants.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/model_zoo/configs/common/data/constants.py -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/model_zoo/configs/common/models/cascade_rcnn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/model_zoo/configs/common/models/cascade_rcnn.py -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/model_zoo/configs/common/models/fcos.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/model_zoo/configs/common/models/fcos.py -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/model_zoo/configs/common/models/keypoint_rcnn_fpn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/model_zoo/configs/common/models/keypoint_rcnn_fpn.py -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/model_zoo/configs/common/models/mask_rcnn_c4.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/model_zoo/configs/common/models/mask_rcnn_c4.py -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/model_zoo/configs/common/models/mask_rcnn_fpn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/model_zoo/configs/common/models/mask_rcnn_fpn.py -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/model_zoo/configs/common/models/mask_rcnn_vitdet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/model_zoo/configs/common/models/mask_rcnn_vitdet.py -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/model_zoo/configs/common/models/panoptic_fpn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/model_zoo/configs/common/models/panoptic_fpn.py -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/model_zoo/configs/common/models/retinanet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/model_zoo/configs/common/models/retinanet.py -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/model_zoo/configs/common/optim.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/model_zoo/configs/common/optim.py -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/model_zoo/configs/common/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/model_zoo/configs/common/train.py -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/model_zoo/configs/practice.py: -------------------------------------------------------------------------------- 1 | 2 | -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/model_zoo/configs/quick_schedules/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/model_zoo/configs/quick_schedules/README.md -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/model_zoo/model_zoo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/model_zoo/model_zoo.py -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/modeling/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/modeling/__init__.py -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/modeling/anchor_generator.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/modeling/anchor_generator.py -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/modeling/backbone/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/modeling/backbone/__init__.py -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/modeling/backbone/__pycache__/__init__.cpython-38.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/modeling/backbone/__pycache__/__init__.cpython-38.pyc -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/modeling/backbone/__pycache__/backbone.cpython-38.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/modeling/backbone/__pycache__/backbone.cpython-38.pyc -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/modeling/backbone/__pycache__/build.cpython-38.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/modeling/backbone/__pycache__/build.cpython-38.pyc -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/modeling/backbone/__pycache__/fpn.cpython-38.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/modeling/backbone/__pycache__/fpn.cpython-38.pyc -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/modeling/backbone/__pycache__/mvit.cpython-38.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/modeling/backbone/__pycache__/mvit.cpython-38.pyc -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/modeling/backbone/__pycache__/regnet.cpython-38.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/modeling/backbone/__pycache__/regnet.cpython-38.pyc -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/modeling/backbone/__pycache__/resnet.cpython-38.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/modeling/backbone/__pycache__/resnet.cpython-38.pyc -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/modeling/backbone/__pycache__/swin.cpython-38.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/modeling/backbone/__pycache__/swin.cpython-38.pyc -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/modeling/backbone/__pycache__/utils.cpython-38.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/modeling/backbone/__pycache__/utils.cpython-38.pyc -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/modeling/backbone/__pycache__/vit.cpython-38.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/modeling/backbone/__pycache__/vit.cpython-38.pyc -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/modeling/backbone/backbone.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/modeling/backbone/backbone.py -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/modeling/backbone/build.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/modeling/backbone/build.py -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/modeling/backbone/fpn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/modeling/backbone/fpn.py -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/modeling/backbone/mvit.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/modeling/backbone/mvit.py -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/modeling/backbone/regnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/modeling/backbone/regnet.py -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/modeling/backbone/resnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/modeling/backbone/resnet.py -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/modeling/backbone/swin.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/modeling/backbone/swin.py -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/modeling/backbone/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/modeling/backbone/utils.py -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/modeling/backbone/vit.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/modeling/backbone/vit.py -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/modeling/box_regression.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/modeling/box_regression.py -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/modeling/matcher.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/modeling/matcher.py -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/modeling/meta_arch/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/modeling/meta_arch/__init__.py -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/modeling/meta_arch/__pycache__/__init__.cpython-38.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/modeling/meta_arch/__pycache__/__init__.cpython-38.pyc -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/modeling/meta_arch/__pycache__/build.cpython-38.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/modeling/meta_arch/__pycache__/build.cpython-38.pyc -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/modeling/meta_arch/__pycache__/fcos.cpython-38.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/modeling/meta_arch/__pycache__/fcos.cpython-38.pyc -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/modeling/meta_arch/__pycache__/panoptic_fpn.cpython-38.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/modeling/meta_arch/__pycache__/panoptic_fpn.cpython-38.pyc -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/modeling/meta_arch/__pycache__/rcnn.cpython-38.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/modeling/meta_arch/__pycache__/rcnn.cpython-38.pyc -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/modeling/meta_arch/__pycache__/retinanet.cpython-38.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/modeling/meta_arch/__pycache__/retinanet.cpython-38.pyc -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/modeling/meta_arch/__pycache__/semantic_seg.cpython-38.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/modeling/meta_arch/__pycache__/semantic_seg.cpython-38.pyc -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/modeling/meta_arch/build.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/modeling/meta_arch/build.py -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/modeling/meta_arch/dense_detector.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/modeling/meta_arch/dense_detector.py -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/modeling/meta_arch/fcos.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/modeling/meta_arch/fcos.py -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/modeling/meta_arch/panoptic_fpn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/modeling/meta_arch/panoptic_fpn.py -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/modeling/meta_arch/rcnn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/modeling/meta_arch/rcnn.py -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/modeling/meta_arch/retinanet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/modeling/meta_arch/retinanet.py -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/modeling/meta_arch/semantic_seg.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/modeling/meta_arch/semantic_seg.py -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/modeling/mmdet_wrapper.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/modeling/mmdet_wrapper.py -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/modeling/poolers.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/modeling/poolers.py -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/modeling/postprocessing.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/modeling/postprocessing.py -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/modeling/proposal_generator/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/modeling/proposal_generator/__init__.py -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/modeling/proposal_generator/__pycache__/rpn.cpython-38.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/modeling/proposal_generator/__pycache__/rpn.cpython-38.pyc -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/modeling/proposal_generator/build.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/modeling/proposal_generator/build.py -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/modeling/proposal_generator/proposal_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/modeling/proposal_generator/proposal_utils.py -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/modeling/proposal_generator/rpn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/modeling/proposal_generator/rpn.py -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/modeling/proposal_generator/rrpn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/modeling/proposal_generator/rrpn.py -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/modeling/roi_heads/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/modeling/roi_heads/__init__.py -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/modeling/roi_heads/__pycache__/__init__.cpython-38.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/modeling/roi_heads/__pycache__/__init__.cpython-38.pyc -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/modeling/roi_heads/__pycache__/box_head.cpython-38.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/modeling/roi_heads/__pycache__/box_head.cpython-38.pyc -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/modeling/roi_heads/__pycache__/cascade_rcnn.cpython-38.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/modeling/roi_heads/__pycache__/cascade_rcnn.cpython-38.pyc -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/modeling/roi_heads/__pycache__/fast_rcnn.cpython-38.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/modeling/roi_heads/__pycache__/fast_rcnn.cpython-38.pyc -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/modeling/roi_heads/__pycache__/mask_head.cpython-38.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/modeling/roi_heads/__pycache__/mask_head.cpython-38.pyc -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/modeling/roi_heads/__pycache__/roi_heads.cpython-38.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/modeling/roi_heads/__pycache__/roi_heads.cpython-38.pyc -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/modeling/roi_heads/box_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/modeling/roi_heads/box_head.py -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/modeling/roi_heads/cascade_rcnn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/modeling/roi_heads/cascade_rcnn.py -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/modeling/roi_heads/fast_rcnn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/modeling/roi_heads/fast_rcnn.py -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/modeling/roi_heads/keypoint_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/modeling/roi_heads/keypoint_head.py -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/modeling/roi_heads/mask_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/modeling/roi_heads/mask_head.py -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/modeling/roi_heads/roi_heads.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/modeling/roi_heads/roi_heads.py -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/modeling/roi_heads/rotated_fast_rcnn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/modeling/roi_heads/rotated_fast_rcnn.py -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/modeling/sampling.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/modeling/sampling.py -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/modeling/test_time_augmentation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/modeling/test_time_augmentation.py -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/projects/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/projects/README.md -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/projects/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/projects/__init__.py -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/solver/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/solver/__init__.py -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/solver/build.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/solver/build.py -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/solver/lr_scheduler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/solver/lr_scheduler.py -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/structures/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/structures/__init__.py -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/structures/boxes.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/structures/boxes.py -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/structures/image_list.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/structures/image_list.py -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/structures/instances.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/structures/instances.py -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/structures/keypoints.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/structures/keypoints.py -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/structures/masks.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/structures/masks.py -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/structures/rotated_boxes.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/structures/rotated_boxes.py -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/tracking/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/tracking/__init__.py -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/tracking/base_tracker.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/tracking/base_tracker.py -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/tracking/bbox_iou_tracker.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/tracking/bbox_iou_tracker.py -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/tracking/hungarian_tracker.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/tracking/hungarian_tracker.py -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/tracking/iou_weighted_hungarian_bbox_iou_tracker.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/tracking/iou_weighted_hungarian_bbox_iou_tracker.py -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/tracking/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/tracking/utils.py -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/tracking/vanilla_hungarian_bbox_iou_tracker.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/tracking/vanilla_hungarian_bbox_iou_tracker.py -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/utils/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/utils/README.md -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/utils/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) Facebook, Inc. and its affiliates. 2 | -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/utils/analysis.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/utils/analysis.py -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/utils/collect_env.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/utils/collect_env.py -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/utils/colormap.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/utils/colormap.py -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/utils/comm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/utils/comm.py -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/utils/develop.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/utils/develop.py -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/utils/env.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/utils/env.py -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/utils/events.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/utils/events.py -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/utils/file_io.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/utils/file_io.py -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/utils/logger.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/utils/logger.py -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/utils/memory.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/utils/memory.py -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/utils/registry.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/utils/registry.py -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/utils/serialize.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/utils/serialize.py -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/utils/testing.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/utils/testing.py -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/utils/tracing.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/utils/tracing.py -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/utils/video_visualizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/utils/video_visualizer.py -------------------------------------------------------------------------------- /third_party/detectron2/detectron2/utils/visualizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/detectron2/utils/visualizer.py -------------------------------------------------------------------------------- /third_party/detectron2/practice.py: -------------------------------------------------------------------------------- 1 | 2 | -------------------------------------------------------------------------------- /third_party/detectron2/setup.cfg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/setup.cfg -------------------------------------------------------------------------------- /third_party/detectron2/setup.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/detectron2/setup.py -------------------------------------------------------------------------------- /third_party/open_clip/CITATION.cff: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/open_clip/CITATION.cff -------------------------------------------------------------------------------- /third_party/open_clip/HISTORY.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/open_clip/HISTORY.md -------------------------------------------------------------------------------- /third_party/open_clip/LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/open_clip/LICENSE -------------------------------------------------------------------------------- /third_party/open_clip/MANIFEST.in: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/open_clip/MANIFEST.in -------------------------------------------------------------------------------- /third_party/open_clip/Makefile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/open_clip/Makefile -------------------------------------------------------------------------------- /third_party/open_clip/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/open_clip/README.md -------------------------------------------------------------------------------- /third_party/open_clip/docs/CLIP.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/open_clip/docs/CLIP.png -------------------------------------------------------------------------------- /third_party/open_clip/docs/Interacting_with_open_clip.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/open_clip/docs/Interacting_with_open_clip.ipynb -------------------------------------------------------------------------------- /third_party/open_clip/docs/Interacting_with_open_coca.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/open_clip/docs/Interacting_with_open_coca.ipynb -------------------------------------------------------------------------------- /third_party/open_clip/docs/clip_conceptual_captions.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/open_clip/docs/clip_conceptual_captions.md -------------------------------------------------------------------------------- /third_party/open_clip/docs/clip_loss.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/open_clip/docs/clip_loss.png -------------------------------------------------------------------------------- /third_party/open_clip/docs/clip_recall.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/open_clip/docs/clip_recall.png -------------------------------------------------------------------------------- /third_party/open_clip/docs/clip_val_loss.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/open_clip/docs/clip_val_loss.png -------------------------------------------------------------------------------- /third_party/open_clip/docs/clip_zeroshot.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/open_clip/docs/clip_zeroshot.png -------------------------------------------------------------------------------- /third_party/open_clip/docs/effective_robustness.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/open_clip/docs/effective_robustness.png -------------------------------------------------------------------------------- /third_party/open_clip/docs/laion2b_clip_zeroshot_b32.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/open_clip/docs/laion2b_clip_zeroshot_b32.png -------------------------------------------------------------------------------- /third_party/open_clip/docs/laion_clip_zeroshot.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/open_clip/docs/laion_clip_zeroshot.png -------------------------------------------------------------------------------- /third_party/open_clip/docs/laion_clip_zeroshot_b16.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/open_clip/docs/laion_clip_zeroshot_b16.png -------------------------------------------------------------------------------- /third_party/open_clip/docs/laion_clip_zeroshot_b16_plus_240.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/open_clip/docs/laion_clip_zeroshot_b16_plus_240.png -------------------------------------------------------------------------------- /third_party/open_clip/docs/laion_clip_zeroshot_l14.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/open_clip/docs/laion_clip_zeroshot_l14.png -------------------------------------------------------------------------------- /third_party/open_clip/docs/laion_openai_compare_b32.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/open_clip/docs/laion_openai_compare_b32.jpg -------------------------------------------------------------------------------- /third_party/open_clip/docs/scaling.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/open_clip/docs/scaling.png -------------------------------------------------------------------------------- /third_party/open_clip/docs/script_examples/stability_example.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/open_clip/docs/script_examples/stability_example.sh -------------------------------------------------------------------------------- /third_party/open_clip/practice.py: -------------------------------------------------------------------------------- 1 | 2 | -------------------------------------------------------------------------------- /third_party/open_clip/pytest.ini: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/open_clip/pytest.ini -------------------------------------------------------------------------------- /third_party/open_clip/requirements-test.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/open_clip/requirements-test.txt -------------------------------------------------------------------------------- /third_party/open_clip/requirements-training.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/open_clip/requirements-training.txt -------------------------------------------------------------------------------- /third_party/open_clip/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/open_clip/requirements.txt -------------------------------------------------------------------------------- /third_party/open_clip/setup.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/open_clip/setup.py -------------------------------------------------------------------------------- /third_party/open_clip/src/open_clip/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/open_clip/src/open_clip/__init__.py -------------------------------------------------------------------------------- /third_party/open_clip/src/open_clip/bpe_simple_vocab_16e6.txt.gz: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/open_clip/src/open_clip/bpe_simple_vocab_16e6.txt.gz -------------------------------------------------------------------------------- /third_party/open_clip/src/open_clip/coca_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/open_clip/src/open_clip/coca_model.py -------------------------------------------------------------------------------- /third_party/open_clip/src/open_clip/constants.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/open_clip/src/open_clip/constants.py -------------------------------------------------------------------------------- /third_party/open_clip/src/open_clip/factory.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/open_clip/src/open_clip/factory.py -------------------------------------------------------------------------------- /third_party/open_clip/src/open_clip/generation_utils.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /third_party/open_clip/src/open_clip/hf_configs.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/open_clip/src/open_clip/hf_configs.py -------------------------------------------------------------------------------- /third_party/open_clip/src/open_clip/hf_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/open_clip/src/open_clip/hf_model.py -------------------------------------------------------------------------------- /third_party/open_clip/src/open_clip/loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/open_clip/src/open_clip/loss.py -------------------------------------------------------------------------------- /third_party/open_clip/src/open_clip/model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/open_clip/src/open_clip/model.py -------------------------------------------------------------------------------- /third_party/open_clip/src/open_clip/model_configs/RN101-quickgelu.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/open_clip/src/open_clip/model_configs/RN101-quickgelu.json -------------------------------------------------------------------------------- /third_party/open_clip/src/open_clip/model_configs/RN101.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/open_clip/src/open_clip/model_configs/RN101.json -------------------------------------------------------------------------------- /third_party/open_clip/src/open_clip/model_configs/RN50-quickgelu.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/open_clip/src/open_clip/model_configs/RN50-quickgelu.json -------------------------------------------------------------------------------- /third_party/open_clip/src/open_clip/model_configs/RN50.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/open_clip/src/open_clip/model_configs/RN50.json -------------------------------------------------------------------------------- /third_party/open_clip/src/open_clip/model_configs/RN50x16.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/open_clip/src/open_clip/model_configs/RN50x16.json -------------------------------------------------------------------------------- /third_party/open_clip/src/open_clip/model_configs/RN50x4.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/open_clip/src/open_clip/model_configs/RN50x4.json -------------------------------------------------------------------------------- /third_party/open_clip/src/open_clip/model_configs/RN50x64.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/open_clip/src/open_clip/model_configs/RN50x64.json -------------------------------------------------------------------------------- /third_party/open_clip/src/open_clip/model_configs/ViT-B-16-plus-240.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/open_clip/src/open_clip/model_configs/ViT-B-16-plus-240.json -------------------------------------------------------------------------------- /third_party/open_clip/src/open_clip/model_configs/ViT-B-16-plus.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/open_clip/src/open_clip/model_configs/ViT-B-16-plus.json -------------------------------------------------------------------------------- /third_party/open_clip/src/open_clip/model_configs/ViT-B-16.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/open_clip/src/open_clip/model_configs/ViT-B-16.json -------------------------------------------------------------------------------- /third_party/open_clip/src/open_clip/model_configs/ViT-B-32-plus-256.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/open_clip/src/open_clip/model_configs/ViT-B-32-plus-256.json -------------------------------------------------------------------------------- /third_party/open_clip/src/open_clip/model_configs/ViT-B-32-quickgelu.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/open_clip/src/open_clip/model_configs/ViT-B-32-quickgelu.json -------------------------------------------------------------------------------- /third_party/open_clip/src/open_clip/model_configs/ViT-B-32.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/open_clip/src/open_clip/model_configs/ViT-B-32.json -------------------------------------------------------------------------------- /third_party/open_clip/src/open_clip/model_configs/ViT-H-14.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/open_clip/src/open_clip/model_configs/ViT-H-14.json -------------------------------------------------------------------------------- /third_party/open_clip/src/open_clip/model_configs/ViT-H-16.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/open_clip/src/open_clip/model_configs/ViT-H-16.json -------------------------------------------------------------------------------- /third_party/open_clip/src/open_clip/model_configs/ViT-L-14-280.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/open_clip/src/open_clip/model_configs/ViT-L-14-280.json -------------------------------------------------------------------------------- /third_party/open_clip/src/open_clip/model_configs/ViT-L-14-336.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/open_clip/src/open_clip/model_configs/ViT-L-14-336.json -------------------------------------------------------------------------------- /third_party/open_clip/src/open_clip/model_configs/ViT-L-14.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/open_clip/src/open_clip/model_configs/ViT-L-14.json -------------------------------------------------------------------------------- /third_party/open_clip/src/open_clip/model_configs/ViT-L-16-320.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/open_clip/src/open_clip/model_configs/ViT-L-16-320.json -------------------------------------------------------------------------------- /third_party/open_clip/src/open_clip/model_configs/ViT-L-16.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/open_clip/src/open_clip/model_configs/ViT-L-16.json -------------------------------------------------------------------------------- /third_party/open_clip/src/open_clip/model_configs/ViT-M-16-alt.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/open_clip/src/open_clip/model_configs/ViT-M-16-alt.json -------------------------------------------------------------------------------- /third_party/open_clip/src/open_clip/model_configs/ViT-M-16.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/open_clip/src/open_clip/model_configs/ViT-M-16.json -------------------------------------------------------------------------------- /third_party/open_clip/src/open_clip/model_configs/ViT-M-32-alt.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/open_clip/src/open_clip/model_configs/ViT-M-32-alt.json -------------------------------------------------------------------------------- /third_party/open_clip/src/open_clip/model_configs/ViT-M-32.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/open_clip/src/open_clip/model_configs/ViT-M-32.json -------------------------------------------------------------------------------- /third_party/open_clip/src/open_clip/model_configs/ViT-S-16-alt.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/open_clip/src/open_clip/model_configs/ViT-S-16-alt.json -------------------------------------------------------------------------------- /third_party/open_clip/src/open_clip/model_configs/ViT-S-16.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/open_clip/src/open_clip/model_configs/ViT-S-16.json -------------------------------------------------------------------------------- /third_party/open_clip/src/open_clip/model_configs/ViT-S-32-alt.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/open_clip/src/open_clip/model_configs/ViT-S-32-alt.json -------------------------------------------------------------------------------- /third_party/open_clip/src/open_clip/model_configs/ViT-S-32.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/open_clip/src/open_clip/model_configs/ViT-S-32.json -------------------------------------------------------------------------------- /third_party/open_clip/src/open_clip/model_configs/ViT-bigG-14.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/open_clip/src/open_clip/model_configs/ViT-bigG-14.json -------------------------------------------------------------------------------- /third_party/open_clip/src/open_clip/model_configs/ViT-e-14.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/open_clip/src/open_clip/model_configs/ViT-e-14.json -------------------------------------------------------------------------------- /third_party/open_clip/src/open_clip/model_configs/ViT-g-14.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/open_clip/src/open_clip/model_configs/ViT-g-14.json -------------------------------------------------------------------------------- /third_party/open_clip/src/open_clip/model_configs/coca_ViT-B-32.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/open_clip/src/open_clip/model_configs/coca_ViT-B-32.json -------------------------------------------------------------------------------- /third_party/open_clip/src/open_clip/model_configs/coca_ViT-L-14.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/open_clip/src/open_clip/model_configs/coca_ViT-L-14.json -------------------------------------------------------------------------------- /third_party/open_clip/src/open_clip/model_configs/coca_base.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/open_clip/src/open_clip/model_configs/coca_base.json -------------------------------------------------------------------------------- /third_party/open_clip/src/open_clip/model_configs/coca_roberta-ViT-B-32.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/open_clip/src/open_clip/model_configs/coca_roberta-ViT-B-32.json -------------------------------------------------------------------------------- /third_party/open_clip/src/open_clip/model_configs/convnext_base.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/open_clip/src/open_clip/model_configs/convnext_base.json -------------------------------------------------------------------------------- /third_party/open_clip/src/open_clip/model_configs/convnext_base_w.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/open_clip/src/open_clip/model_configs/convnext_base_w.json -------------------------------------------------------------------------------- /third_party/open_clip/src/open_clip/model_configs/convnext_base_w_320.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/open_clip/src/open_clip/model_configs/convnext_base_w_320.json -------------------------------------------------------------------------------- /third_party/open_clip/src/open_clip/model_configs/convnext_large.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/open_clip/src/open_clip/model_configs/convnext_large.json -------------------------------------------------------------------------------- /third_party/open_clip/src/open_clip/model_configs/convnext_large_d.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/open_clip/src/open_clip/model_configs/convnext_large_d.json -------------------------------------------------------------------------------- /third_party/open_clip/src/open_clip/model_configs/convnext_large_d_320.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/open_clip/src/open_clip/model_configs/convnext_large_d_320.json -------------------------------------------------------------------------------- /third_party/open_clip/src/open_clip/model_configs/convnext_small.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/open_clip/src/open_clip/model_configs/convnext_small.json -------------------------------------------------------------------------------- /third_party/open_clip/src/open_clip/model_configs/convnext_tiny.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/open_clip/src/open_clip/model_configs/convnext_tiny.json -------------------------------------------------------------------------------- /third_party/open_clip/src/open_clip/model_configs/convnext_xlarge.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/open_clip/src/open_clip/model_configs/convnext_xlarge.json -------------------------------------------------------------------------------- /third_party/open_clip/src/open_clip/model_configs/convnext_xxlarge.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/open_clip/src/open_clip/model_configs/convnext_xxlarge.json -------------------------------------------------------------------------------- /third_party/open_clip/src/open_clip/model_configs/convnext_xxlarge_320.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/open_clip/src/open_clip/model_configs/convnext_xxlarge_320.json -------------------------------------------------------------------------------- /third_party/open_clip/src/open_clip/model_configs/mt5-base-ViT-B-32.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/open_clip/src/open_clip/model_configs/mt5-base-ViT-B-32.json -------------------------------------------------------------------------------- /third_party/open_clip/src/open_clip/model_configs/mt5-xl-ViT-H-14.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/open_clip/src/open_clip/model_configs/mt5-xl-ViT-H-14.json -------------------------------------------------------------------------------- /third_party/open_clip/src/open_clip/model_configs/roberta-ViT-B-32.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/open_clip/src/open_clip/model_configs/roberta-ViT-B-32.json -------------------------------------------------------------------------------- /third_party/open_clip/src/open_clip/model_configs/swin_base_patch4_window7_224.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/open_clip/src/open_clip/model_configs/swin_base_patch4_window7_224.json -------------------------------------------------------------------------------- /third_party/open_clip/src/open_clip/model_configs/vit_medium_patch16_gap_256.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/open_clip/src/open_clip/model_configs/vit_medium_patch16_gap_256.json -------------------------------------------------------------------------------- /third_party/open_clip/src/open_clip/model_configs/vit_relpos_medium_patch16_cls_224.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/open_clip/src/open_clip/model_configs/vit_relpos_medium_patch16_cls_224.json -------------------------------------------------------------------------------- /third_party/open_clip/src/open_clip/model_configs/xlm-roberta-base-ViT-B-32.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/open_clip/src/open_clip/model_configs/xlm-roberta-base-ViT-B-32.json -------------------------------------------------------------------------------- /third_party/open_clip/src/open_clip/model_configs/xlm-roberta-large-ViT-H-14.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/open_clip/src/open_clip/model_configs/xlm-roberta-large-ViT-H-14.json -------------------------------------------------------------------------------- /third_party/open_clip/src/open_clip/modified_resnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/open_clip/src/open_clip/modified_resnet.py -------------------------------------------------------------------------------- /third_party/open_clip/src/open_clip/openai.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/open_clip/src/open_clip/openai.py -------------------------------------------------------------------------------- /third_party/open_clip/src/open_clip/pretrained.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/open_clip/src/open_clip/pretrained.py -------------------------------------------------------------------------------- /third_party/open_clip/src/open_clip/push_to_hf_hub.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/open_clip/src/open_clip/push_to_hf_hub.py -------------------------------------------------------------------------------- /third_party/open_clip/src/open_clip/timm_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/open_clip/src/open_clip/timm_model.py -------------------------------------------------------------------------------- /third_party/open_clip/src/open_clip/tokenizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/open_clip/src/open_clip/tokenizer.py -------------------------------------------------------------------------------- /third_party/open_clip/src/open_clip/transform.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/open_clip/src/open_clip/transform.py -------------------------------------------------------------------------------- /third_party/open_clip/src/open_clip/transformer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/open_clip/src/open_clip/transformer.py -------------------------------------------------------------------------------- /third_party/open_clip/src/open_clip/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/open_clip/src/open_clip/utils.py -------------------------------------------------------------------------------- /third_party/open_clip/src/open_clip/version.py: -------------------------------------------------------------------------------- 1 | __version__ = '2.13.0' 2 | -------------------------------------------------------------------------------- /third_party/open_clip/src/open_clip_torch.egg-info/PKG-INFO: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/open_clip/src/open_clip_torch.egg-info/PKG-INFO -------------------------------------------------------------------------------- /third_party/open_clip/src/open_clip_torch.egg-info/SOURCES.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/open_clip/src/open_clip_torch.egg-info/SOURCES.txt -------------------------------------------------------------------------------- /third_party/open_clip/src/open_clip_torch.egg-info/dependency_links.txt: -------------------------------------------------------------------------------- 1 | 2 | -------------------------------------------------------------------------------- /third_party/open_clip/src/open_clip_torch.egg-info/requires.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/open_clip/src/open_clip_torch.egg-info/requires.txt -------------------------------------------------------------------------------- /third_party/open_clip/src/open_clip_torch.egg-info/top_level.txt: -------------------------------------------------------------------------------- 1 | open_clip 2 | training 3 | -------------------------------------------------------------------------------- /third_party/open_clip/src/training/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /third_party/open_clip/src/training/data.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/open_clip/src/training/data.py -------------------------------------------------------------------------------- /third_party/open_clip/src/training/distributed.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/open_clip/src/training/distributed.py -------------------------------------------------------------------------------- /third_party/open_clip/src/training/file_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/open_clip/src/training/file_utils.py -------------------------------------------------------------------------------- /third_party/open_clip/src/training/imagenet_zeroshot_data.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/open_clip/src/training/imagenet_zeroshot_data.py -------------------------------------------------------------------------------- /third_party/open_clip/src/training/logger.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/open_clip/src/training/logger.py -------------------------------------------------------------------------------- /third_party/open_clip/src/training/main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/open_clip/src/training/main.py -------------------------------------------------------------------------------- /third_party/open_clip/src/training/params.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/open_clip/src/training/params.py -------------------------------------------------------------------------------- /third_party/open_clip/src/training/precision.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/open_clip/src/training/precision.py -------------------------------------------------------------------------------- /third_party/open_clip/src/training/profile.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/open_clip/src/training/profile.py -------------------------------------------------------------------------------- /third_party/open_clip/src/training/scheduler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/open_clip/src/training/scheduler.py -------------------------------------------------------------------------------- /third_party/open_clip/src/training/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/open_clip/src/training/train.py -------------------------------------------------------------------------------- /third_party/open_clip/src/training/zero_shot.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/open_clip/src/training/zero_shot.py -------------------------------------------------------------------------------- /third_party/open_clip/tests/test_download_pretrained.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/open_clip/tests/test_download_pretrained.py -------------------------------------------------------------------------------- /third_party/open_clip/tests/test_hf_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/open_clip/tests/test_hf_model.py -------------------------------------------------------------------------------- /third_party/open_clip/tests/test_inference.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/open_clip/tests/test_inference.py -------------------------------------------------------------------------------- /third_party/open_clip/tests/test_inference_simple.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/open_clip/tests/test_inference_simple.py -------------------------------------------------------------------------------- /third_party/open_clip/tests/test_num_shards.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/open_clip/tests/test_num_shards.py -------------------------------------------------------------------------------- /third_party/open_clip/tests/test_training_simple.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/open_clip/tests/test_training_simple.py -------------------------------------------------------------------------------- /third_party/open_clip/tests/test_wds.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/open_clip/tests/test_wds.py -------------------------------------------------------------------------------- /third_party/open_clip/tests/util_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/open_clip/tests/util_test.py -------------------------------------------------------------------------------- /third_party/segment-anything/CODE_OF_CONDUCT.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/segment-anything/CODE_OF_CONDUCT.md -------------------------------------------------------------------------------- /third_party/segment-anything/CONTRIBUTING.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/segment-anything/CONTRIBUTING.md -------------------------------------------------------------------------------- /third_party/segment-anything/LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/segment-anything/LICENSE -------------------------------------------------------------------------------- /third_party/segment-anything/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/segment-anything/README.md -------------------------------------------------------------------------------- /third_party/segment-anything/assets/masks1.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/segment-anything/assets/masks1.png -------------------------------------------------------------------------------- /third_party/segment-anything/assets/masks2.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/segment-anything/assets/masks2.jpg -------------------------------------------------------------------------------- /third_party/segment-anything/assets/minidemo.gif: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/segment-anything/assets/minidemo.gif -------------------------------------------------------------------------------- /third_party/segment-anything/assets/model_diagram.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/segment-anything/assets/model_diagram.png -------------------------------------------------------------------------------- /third_party/segment-anything/assets/notebook1.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/segment-anything/assets/notebook1.png -------------------------------------------------------------------------------- /third_party/segment-anything/assets/notebook2.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/segment-anything/assets/notebook2.png -------------------------------------------------------------------------------- /third_party/segment-anything/demo/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/segment-anything/demo/README.md -------------------------------------------------------------------------------- /third_party/segment-anything/demo/configs/webpack/common.js: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/segment-anything/demo/configs/webpack/common.js -------------------------------------------------------------------------------- /third_party/segment-anything/demo/configs/webpack/dev.js: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/segment-anything/demo/configs/webpack/dev.js -------------------------------------------------------------------------------- /third_party/segment-anything/demo/configs/webpack/prod.js: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/segment-anything/demo/configs/webpack/prod.js -------------------------------------------------------------------------------- /third_party/segment-anything/demo/package.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/segment-anything/demo/package.json -------------------------------------------------------------------------------- /third_party/segment-anything/demo/postcss.config.js: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/segment-anything/demo/postcss.config.js -------------------------------------------------------------------------------- /third_party/segment-anything/demo/src/App.tsx: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/segment-anything/demo/src/App.tsx -------------------------------------------------------------------------------- /third_party/segment-anything/demo/src/assets/data/dogs.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/segment-anything/demo/src/assets/data/dogs.jpg -------------------------------------------------------------------------------- /third_party/segment-anything/demo/src/assets/index.html: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/segment-anything/demo/src/assets/index.html -------------------------------------------------------------------------------- /third_party/segment-anything/demo/src/assets/scss/App.scss: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/segment-anything/demo/src/assets/scss/App.scss -------------------------------------------------------------------------------- /third_party/segment-anything/demo/src/components/Stage.tsx: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/segment-anything/demo/src/components/Stage.tsx -------------------------------------------------------------------------------- /third_party/segment-anything/demo/src/components/Tool.tsx: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/segment-anything/demo/src/components/Tool.tsx -------------------------------------------------------------------------------- /third_party/segment-anything/demo/src/components/helpers/Interfaces.tsx: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/segment-anything/demo/src/components/helpers/Interfaces.tsx -------------------------------------------------------------------------------- /third_party/segment-anything/demo/src/components/helpers/maskUtils.tsx: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/segment-anything/demo/src/components/helpers/maskUtils.tsx -------------------------------------------------------------------------------- /third_party/segment-anything/demo/src/components/helpers/onnxModelAPI.tsx: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/segment-anything/demo/src/components/helpers/onnxModelAPI.tsx -------------------------------------------------------------------------------- /third_party/segment-anything/demo/src/components/helpers/scaleHelper.tsx: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/segment-anything/demo/src/components/helpers/scaleHelper.tsx -------------------------------------------------------------------------------- /third_party/segment-anything/demo/src/components/hooks/context.tsx: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/segment-anything/demo/src/components/hooks/context.tsx -------------------------------------------------------------------------------- /third_party/segment-anything/demo/src/components/hooks/createContext.tsx: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/segment-anything/demo/src/components/hooks/createContext.tsx -------------------------------------------------------------------------------- /third_party/segment-anything/demo/src/index.tsx: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/segment-anything/demo/src/index.tsx -------------------------------------------------------------------------------- /third_party/segment-anything/demo/tailwind.config.js: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/segment-anything/demo/tailwind.config.js -------------------------------------------------------------------------------- /third_party/segment-anything/demo/tsconfig.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/segment-anything/demo/tsconfig.json -------------------------------------------------------------------------------- /third_party/segment-anything/linter.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/segment-anything/linter.sh -------------------------------------------------------------------------------- /third_party/segment-anything/scripts/amg.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/segment-anything/scripts/amg.py -------------------------------------------------------------------------------- /third_party/segment-anything/scripts/export_onnx_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/segment-anything/scripts/export_onnx_model.py -------------------------------------------------------------------------------- /third_party/segment-anything/segment_anything.egg-info/PKG-INFO: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/segment-anything/segment_anything.egg-info/PKG-INFO -------------------------------------------------------------------------------- /third_party/segment-anything/segment_anything.egg-info/SOURCES.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/segment-anything/segment_anything.egg-info/SOURCES.txt -------------------------------------------------------------------------------- /third_party/segment-anything/segment_anything.egg-info/dependency_links.txt: -------------------------------------------------------------------------------- 1 | 2 | -------------------------------------------------------------------------------- /third_party/segment-anything/segment_anything.egg-info/requires.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/segment-anything/segment_anything.egg-info/requires.txt -------------------------------------------------------------------------------- /third_party/segment-anything/segment_anything.egg-info/top_level.txt: -------------------------------------------------------------------------------- 1 | segment_anything 2 | -------------------------------------------------------------------------------- /third_party/segment-anything/segment_anything/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/segment-anything/segment_anything/__init__.py -------------------------------------------------------------------------------- /third_party/segment-anything/segment_anything/automatic_mask_generator.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/segment-anything/segment_anything/automatic_mask_generator.py -------------------------------------------------------------------------------- /third_party/segment-anything/segment_anything/build_sam.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/segment-anything/segment_anything/build_sam.py -------------------------------------------------------------------------------- /third_party/segment-anything/segment_anything/modeling/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/segment-anything/segment_anything/modeling/__init__.py -------------------------------------------------------------------------------- /third_party/segment-anything/segment_anything/modeling/common.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/segment-anything/segment_anything/modeling/common.py -------------------------------------------------------------------------------- /third_party/segment-anything/segment_anything/modeling/image_encoder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/segment-anything/segment_anything/modeling/image_encoder.py -------------------------------------------------------------------------------- /third_party/segment-anything/segment_anything/modeling/mask_decoder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/segment-anything/segment_anything/modeling/mask_decoder.py -------------------------------------------------------------------------------- /third_party/segment-anything/segment_anything/modeling/prompt_encoder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/segment-anything/segment_anything/modeling/prompt_encoder.py -------------------------------------------------------------------------------- /third_party/segment-anything/segment_anything/modeling/sam.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/segment-anything/segment_anything/modeling/sam.py -------------------------------------------------------------------------------- /third_party/segment-anything/segment_anything/modeling/transformer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/segment-anything/segment_anything/modeling/transformer.py -------------------------------------------------------------------------------- /third_party/segment-anything/segment_anything/predictor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/segment-anything/segment_anything/predictor.py -------------------------------------------------------------------------------- /third_party/segment-anything/segment_anything/utils/amg.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/segment-anything/segment_anything/utils/amg.py -------------------------------------------------------------------------------- /third_party/segment-anything/segment_anything/utils/onnx.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/segment-anything/segment_anything/utils/onnx.py -------------------------------------------------------------------------------- /third_party/segment-anything/segment_anything/utils/transforms.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/segment-anything/segment_anything/utils/transforms.py -------------------------------------------------------------------------------- /third_party/segment-anything/setup.cfg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/segment-anything/setup.cfg -------------------------------------------------------------------------------- /third_party/segment-anything/setup.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Seonghoon-Yu/Pseudo-RIS/HEAD/third_party/segment-anything/setup.py -------------------------------------------------------------------------------- /third_party/transformers/practice.py: -------------------------------------------------------------------------------- 1 | 2 | --------------------------------------------------------------------------------