├── .gitignore ├── LICENSE ├── README.md ├── assets ├── demo_1.gif ├── demo_2.gif ├── demo_3.gif ├── demo_4.gif ├── demo_5.gif ├── demo_6.gif └── logs │ ├── log_replica_ovis.txt │ ├── log_replica_use2d_ovis.txt │ ├── log_s3dis_ovis.txt │ ├── log_scannet_classfication.txt │ ├── log_scannet_ovis.txt │ ├── log_scannet_ovod.txt │ └── log_stpls3d_ovis.txt ├── environment.yml ├── installation.md ├── openins3d ├── build_lookup_odise.py ├── build_lookup_yoloworld.py ├── evaluation │ ├── eval_util.py │ ├── evaluate.py │ └── evaluate_bbox.py ├── lookup.py ├── main.py ├── mask3d │ ├── __init__.py │ ├── benchmark │ │ ├── __init__.py │ │ ├── evaluate_semantic_instance.py │ │ ├── util.py │ │ └── util_3d.py │ ├── conf │ │ ├── __init__.py │ │ ├── augmentation │ │ │ ├── albumentations_aug.yaml │ │ │ └── volumentations_aug.yaml │ │ ├── callbacks │ │ │ └── callbacks_instance_segmentation.yaml │ │ ├── config_base_instance_segmentation.yaml │ │ ├── config_base_instance_segmentation_ca.yaml │ │ ├── config_s3dis.yaml │ │ ├── config_scannet.yaml │ │ ├── data │ │ │ ├── collation_functions │ │ │ │ ├── voxelize_collate.yaml │ │ │ │ └── voxelize_collate_merge.yaml │ │ │ ├── data_loaders │ │ │ │ ├── simple_loader.yaml │ │ │ │ └── simple_loader_save_memory.yaml │ │ │ ├── datasets │ │ │ │ ├── matterport.yaml │ │ │ │ ├── matterport_scannet.yaml │ │ │ │ ├── rio.yaml │ │ │ │ ├── s3dis.yaml │ │ │ │ ├── scannet.yaml │ │ │ │ ├── scannet200.yaml │ │ │ │ ├── semantic_kitti.yaml │ │ │ │ └── stpls3d.yaml │ │ │ ├── indoor.yaml │ │ │ └── outdoor.yaml │ │ ├── logging │ │ │ ├── base.yaml │ │ │ ├── full.yaml │ │ │ ├── minimal.yaml │ │ │ └── offline.yaml │ │ ├── loss │ │ │ ├── cross_entropy.yaml │ │ │ ├── set_criterion.yaml │ │ │ ├── set_criterion_class_agnostic.yaml │ │ │ └── set_criterion_custom_weights_1.yaml │ │ ├── matcher │ │ │ ├── hungarian_matcher.yaml │ │ │ └── hungarian_matcher_class_agnostic.yaml │ │ ├── metrics │ │ │ └── miou.yaml │ │ ├── model │ │ │ └── mask3d.yaml │ │ ├── optimizer │ │ │ ├── adamw.yaml │ │ │ └── adamw_lower.yaml │ │ ├── scheduler │ │ │ ├── exponentiallr.yaml │ │ │ ├── lambdalr.yaml │ │ │ └── onecyclelr.yaml │ │ └── trainer │ │ │ ├── trainer.yaml │ │ │ └── trainer600.yaml │ ├── datasets │ │ ├── __init__.py │ │ ├── outdoor_semseg.py │ │ ├── preprocessing │ │ │ ├── __init__.py │ │ │ ├── arkitscenes_preprocessing.py │ │ │ ├── base_preprocessing.py │ │ │ ├── s3dis_preprocessing.py │ │ │ ├── scannet_preprocessing.py │ │ │ ├── semantic_kitti_preprocessing.py │ │ │ └── stpls3d_preprocessing.py │ │ ├── random_cuboid.py │ │ ├── scannet200 │ │ │ ├── __init__.py │ │ │ ├── scannet200_constants.py │ │ │ └── scannet200_splits.py │ │ ├── semseg.py │ │ └── utils.py │ ├── get_s3dis.py │ ├── get_scannet.py │ ├── main_instance_segmentation.py │ ├── models │ │ ├── __init__.py │ │ ├── criterion.py │ │ ├── mask3d.py │ │ ├── matcher.py │ │ ├── metrics │ │ │ ├── __init__.py │ │ │ ├── confusionmatrix.py │ │ │ └── metrics.py │ │ ├── misc.py │ │ ├── model.py │ │ ├── modules │ │ │ ├── 3detr_helpers.py │ │ │ ├── __init__.py │ │ │ ├── common.py │ │ │ ├── helpers_3detr.py │ │ │ ├── resnet_block.py │ │ │ ├── resnet_block.py.tmp │ │ │ └── senet_block.py │ │ ├── position_embedding.py │ │ ├── res16unet.py │ │ ├── resnet.py │ │ ├── resnet.py.tmp │ │ ├── resunet.py │ │ └── wrapper.py │ ├── predict.py │ ├── scripts │ │ ├── arkitscenes │ │ │ └── test.sh │ │ ├── s3dis │ │ │ ├── s3dis_from_scratch.sh │ │ │ └── s3dis_pretrained.sh │ │ ├── scannet │ │ │ ├── scannet_benchmark.sh │ │ │ ├── scannet_pretrain_for_s3dis.sh │ │ │ └── scannet_val.sh │ │ ├── scannet200 │ │ │ ├── scannet200_benchmark.sh │ │ │ └── scannet200_val.sh │ │ └── stpls3d │ │ │ ├── merge_exports.py │ │ │ ├── stpls3d_benchmark.sh │ │ │ └── stpls3d_val.sh │ ├── trainer │ │ ├── __init__.py │ │ └── trainer.py │ └── utils │ │ ├── __init__.py │ │ ├── gradflow_check.py │ │ ├── kfold.py │ │ ├── pc_visualizations.py │ │ ├── point_cloud_utils.py │ │ ├── pointops2 │ │ ├── __init__.py │ │ ├── functions │ │ │ ├── __init__.py │ │ │ ├── pointops.py │ │ │ ├── pointops2.py │ │ │ ├── pointops_ablation.py │ │ │ ├── test_attention_op_step1.py │ │ │ ├── test_attention_op_step1_v2.py │ │ │ ├── test_attention_op_step2.py │ │ │ ├── test_relative_pos_encoding_op_step1.py │ │ │ ├── test_relative_pos_encoding_op_step1_v2.py │ │ │ ├── test_relative_pos_encoding_op_step1_v3.py │ │ │ ├── test_relative_pos_encoding_op_step2.py │ │ │ └── test_relative_pos_encoding_op_step2_v2.py │ │ ├── setup.py │ │ └── src │ │ │ ├── __init__.py │ │ │ ├── aggregation │ │ │ ├── aggregation_cuda.cpp │ │ │ ├── aggregation_cuda_kernel.cu │ │ │ └── aggregation_cuda_kernel.h │ │ │ ├── attention │ │ │ ├── attention_cuda.cpp │ │ │ ├── attention_cuda_kernel.cu │ │ │ └── attention_cuda_kernel.h │ │ │ ├── attention_v2 │ │ │ ├── attention_cuda_kernel_v2.cu │ │ │ ├── attention_cuda_kernel_v2.h │ │ │ └── attention_cuda_v2.cpp │ │ │ ├── cuda_utils.h │ │ │ ├── grouping │ │ │ ├── grouping_cuda.cpp │ │ │ ├── grouping_cuda_kernel.cu │ │ │ └── grouping_cuda_kernel.h │ │ │ ├── interpolation │ │ │ ├── interpolation_cuda.cpp │ │ │ ├── interpolation_cuda_kernel.cu │ │ │ └── interpolation_cuda_kernel.h │ │ │ ├── knnquery │ │ │ ├── knnquery_cuda.cpp │ │ │ ├── knnquery_cuda_kernel.cu │ │ │ └── knnquery_cuda_kernel.h │ │ │ ├── pointops_api.cpp │ │ │ ├── rpe │ │ │ ├── relative_pos_encoding_cuda.cpp │ │ │ ├── relative_pos_encoding_cuda_kernel.cu │ │ │ └── relative_pos_encoding_cuda_kernel.h │ │ │ ├── rpe_v2 │ │ │ ├── relative_pos_encoding_cuda_kernel_v2.cu │ │ │ ├── relative_pos_encoding_cuda_kernel_v2.h │ │ │ └── relative_pos_encoding_cuda_v2.cpp │ │ │ ├── sampling │ │ │ ├── sampling_cuda.cpp │ │ │ ├── sampling_cuda_kernel.cu │ │ │ └── sampling_cuda_kernel.h │ │ │ └── subtraction │ │ │ ├── subtraction_cuda.cpp │ │ │ ├── subtraction_cuda_kernel.cu │ │ │ └── subtraction_cuda_kernel.h │ │ ├── utils.py │ │ └── votenet_utils │ │ ├── box_util.py │ │ ├── eval_det.py │ │ ├── metric_util.py │ │ ├── nms.py │ │ ├── nn_distance.py │ │ ├── pc_util.py │ │ ├── tf_logger.py │ │ └── tf_visualizer.py ├── snap.py ├── trival │ └── snap_explore.ipynb └── utils.py ├── scripts ├── prepare_demo_single.sh ├── prepare_replica.sh ├── prepare_replica2d.sh ├── prepare_s3dis.sh ├── prepare_scannet.sh ├── prepare_stpls3d.sh ├── prepare_yoloworld.sh ├── prepare_zero_shot.sh └── scannetv2_val.txt ├── third_party ├── YOLO-World │ ├── .dockerignore │ ├── .gitattributes │ ├── .gitmodules │ ├── Dockerfile │ ├── LICENSE │ ├── README.md │ ├── configs │ │ ├── finetune_coco │ │ │ ├── README.md │ │ │ ├── yolo_world_l_dual_vlpan_2e-4_80e_8gpus_finetune_coco.py │ │ │ ├── yolo_world_l_dual_vlpan_2e-4_80e_8gpus_mask-refine_finetune_coco.py │ │ │ ├── yolo_world_l_efficient_neck_2e-4_80e_8gpus_mask-refine_finetune_coco.py │ │ │ ├── yolo_world_v2_l_efficient_neck_2e-4_80e_8gpus_mask-refine_finetune_coco.py │ │ │ ├── yolo_world_v2_l_vlpan_bn_2e-4_80e_8gpus_mask-refine_finetune_coco.py │ │ │ ├── yolo_world_v2_l_vlpan_bn_sgd_1e-3_40e_8gpus_finetune_coco.py │ │ │ ├── yolo_world_v2_l_vlpan_bn_sgd_1e-3_80e_8gpus_mask-refine_finetune_coco.py │ │ │ ├── yolo_world_v2_m_vlpan_bn_2e-4_80e_8gpus_mask-refine_finetune_coco.py │ │ │ ├── yolo_world_v2_s_bn_2e-4_80e_8gpus_mask-refine_finetune_coco.py │ │ │ ├── yolo_world_v2_s_rep_vlpan_bn_2e-4_80e_8gpus_mask-refine_finetune_coco.py │ │ │ ├── yolo_world_v2_s_vlpan_bn_2e-4_80e_8gpus_mask-refine_finetune_coco.py │ │ │ ├── yolo_world_v2_x_vlpan_bn_2e-4_80e_8gpus_mask-refine_finetune_coco.py │ │ │ └── yolo_world_v2_xl_vlpan_bn_2e-4_80e_8gpus_mask-refine_finetune_coco.py │ │ ├── pretrain │ │ │ ├── yolo_world_v2_l_clip_large_vlpan_bn_2e-3_100e_4x8gpus_obj365v1_goldg_train_800ft_lvis_minival.py │ │ │ ├── yolo_world_v2_l_clip_large_vlpan_bn_2e-3_100e_4x8gpus_obj365v1_goldg_train_lvis_minival.py │ │ │ ├── yolo_world_v2_l_vlpan_bn_2e-3_100e_4x8gpus_obj365v1_goldg_train_1280ft_lvis_minival.py │ │ │ ├── yolo_world_v2_l_vlpan_bn_2e-3_100e_4x8gpus_obj365v1_goldg_train_lvis_minival.py │ │ │ ├── yolo_world_v2_l_vlpan_bn_2e-3_100e_4x8gpus_obj365v1_goldg_train_lvis_val.py │ │ │ ├── yolo_world_v2_m_vlpan_bn_2e-3_100e_4x8gpus_obj365v1_goldg_train_1280ft_lvis_minival.py │ │ │ ├── yolo_world_v2_m_vlpan_bn_2e-3_100e_4x8gpus_obj365v1_goldg_train_lvis_minival.py │ │ │ ├── yolo_world_v2_m_vlpan_bn_noeinsum_2e-3_100e_4x8gpus_obj365v1_goldg_train_lvis_minival.py │ │ │ ├── yolo_world_v2_s_vlpan_bn_2e-3_100e_4x8gpus_obj365v1_goldg_train_1280ft_lvis_minival.py │ │ │ ├── yolo_world_v2_s_vlpan_bn_2e-3_100e_4x8gpus_obj365v1_goldg_train_lvis_minival.py │ │ │ ├── yolo_world_v2_x_vlpan_bn_2e-3_100e_4x8gpus_obj365v1_goldg_train_1280ft_lvis_minival.py │ │ │ ├── yolo_world_v2_x_vlpan_bn_2e-3_100e_4x8gpus_obj365v1_goldg_train_lvis_minival.py │ │ │ └── yolo_world_v2_xl_vlpan_bn_2e-3_100e_4x8gpus_obj365v1_goldg_train_lvis_minival.py │ │ ├── pretrain_v1 │ │ │ ├── README.md │ │ │ ├── yolo_world_l_dual_vlpan_l2norm_2e-3_100e_4x8gpus_obj365v1_goldg_train_lvis_minival.py │ │ │ ├── yolo_world_l_dual_vlpan_l2norm_2e-3_100e_4x8gpus_obj365v1_goldg_train_lvis_val.py │ │ │ ├── yolo_world_m_dual_vlpan_l2norm_2e-3_100e_4x8gpus_obj365v1_goldg_train_lvis_minival.py │ │ │ ├── yolo_world_s_dual_vlpan_l2norm_2e-3_100e_4x8gpus_obj365v1_goldg_train_lvis_minival.py │ │ │ └── yolo_world_x_dual_vlpan_l2norm_2e-3_100e_4x8gpus_obj365v1_goldg_train_lvis_minival.py │ │ ├── prompt_tuning_coco │ │ │ ├── READEME.md │ │ │ ├── yolo_world_v2_l_vlpan_bn_2e-4_80e_8gpus_mask-refine_prompt_tuning_coco.py │ │ │ ├── yolo_world_v2_l_vlpan_bn_2e-4_80e_8gpus_prompt_tuning_coco.py │ │ │ └── yolo_world_v2_l_vlpan_bn_sgd_1e-3_80e_8gpus_all_finetuning_coco.py │ │ └── segmentation │ │ │ ├── README.md │ │ │ ├── yolo_world_seg_l_dual_vlpan_2e-4_80e_8gpus_allmodules_finetune_lvis.py │ │ │ ├── yolo_world_seg_l_dual_vlpan_2e-4_80e_8gpus_seghead_finetune_lvis.py │ │ │ ├── yolo_world_seg_m_dual_vlpan_2e-4_80e_8gpus_allmodules_finetune_lvis.py │ │ │ ├── yolo_world_seg_m_dual_vlpan_2e-4_80e_8gpus_seghead_finetune_lvis.py │ │ │ ├── yolo_world_v2_seg_l_vlpan_bn_2e-4_80e_8gpus_seghead_finetune_lvis.py │ │ │ └── yolo_world_v2_seg_m_vlpan_bn_2e-4_80e_8gpus_seghead_finetune_lvis.py │ ├── data │ │ └── texts │ │ │ ├── coco_class_texts.json │ │ │ ├── lvis_v1_base_class_captions.json │ │ │ ├── lvis_v1_class_texts.json │ │ │ └── obj365v1_class_texts.json │ ├── demo │ │ ├── README.md │ │ ├── gradio_demo.py │ │ ├── image_demo.py │ │ ├── inference.ipynb │ │ ├── simple_demo.py │ │ └── video_demo.py │ ├── deploy │ │ ├── __init__.py │ │ ├── easydeploy │ │ │ ├── README.md │ │ │ ├── README_zh-CN.md │ │ │ ├── backbone │ │ │ │ ├── __init__.py │ │ │ │ ├── common.py │ │ │ │ └── focus.py │ │ │ ├── bbox_code │ │ │ │ ├── __init__.py │ │ │ │ └── bbox_coder.py │ │ │ ├── deepstream │ │ │ │ ├── CMakeLists.txt │ │ │ │ ├── README.md │ │ │ │ ├── README_zh-CN.md │ │ │ │ ├── coco_labels.txt │ │ │ │ ├── configs │ │ │ │ │ ├── config_infer_rtmdet.txt │ │ │ │ │ ├── config_infer_yolov5.txt │ │ │ │ │ └── config_infer_yolov8.txt │ │ │ │ ├── custom_mmyolo_bbox_parser │ │ │ │ │ └── nvdsparsebbox_mmyolo.cpp │ │ │ │ └── deepstream_app_config.txt │ │ │ ├── docs │ │ │ │ └── model_convert.md │ │ │ ├── examples │ │ │ │ ├── config.py │ │ │ │ ├── cv2_nms.py │ │ │ │ ├── main_onnxruntime.py │ │ │ │ ├── numpy_coder.py │ │ │ │ ├── preprocess.py │ │ │ │ └── requirements.txt │ │ │ ├── model │ │ │ │ ├── __init__.py │ │ │ │ ├── backend.py │ │ │ │ ├── backendwrapper.py │ │ │ │ └── model.py │ │ │ ├── nms │ │ │ │ ├── __init__.py │ │ │ │ ├── ort_nms.py │ │ │ │ └── trt_nms.py │ │ │ ├── onnx_demo.py │ │ │ └── tools │ │ │ │ ├── build_engine.py │ │ │ │ ├── export_onnx.py │ │ │ │ └── image-demo.py │ │ ├── export_onnx.py │ │ ├── onnx_demo.py │ │ └── tflite_demo.py │ ├── docs │ │ ├── data.md │ │ ├── deploy.md │ │ ├── faq.md │ │ ├── finetuning.md │ │ ├── installation.md │ │ ├── prompt_yolo_world.md │ │ ├── reparameterize.md │ │ ├── tflite_deploy.md │ │ └── updates.md │ ├── pyproject.toml │ ├── requirements │ │ ├── basic_requirements.txt │ │ ├── demo_requirements.txt │ │ └── onnx_requirements.txt │ ├── third_party │ │ └── mmyolo │ │ │ ├── .circleci │ │ │ ├── config.yml │ │ │ ├── docker │ │ │ │ └── Dockerfile │ │ │ └── test.yml │ │ │ ├── .dev_scripts │ │ │ ├── gather_models.py │ │ │ └── print_registers.py │ │ │ ├── .github │ │ │ ├── CODE_OF_CONDUCT.md │ │ │ ├── CONTRIBUTING.md │ │ │ ├── ISSUE_TEMPLATE │ │ │ │ ├── 1-bug-report.yml │ │ │ │ ├── 2-feature-request.yml │ │ │ │ ├── 3-new-model.yml │ │ │ │ ├── 4-documentation.yml │ │ │ │ ├── 5-reimplementation.yml │ │ │ │ └── config.yml │ │ │ ├── pull_request_template.md │ │ │ └── workflows │ │ │ │ └── deploy.yml │ │ │ ├── .pre-commit-config-zh-cn.yaml │ │ │ ├── .pre-commit-config.yaml │ │ │ ├── .readthedocs.yml │ │ │ ├── LICENSE │ │ │ ├── MANIFEST.in │ │ │ ├── README.md │ │ │ ├── README_zh-CN.md │ │ │ ├── configs │ │ │ ├── _base_ │ │ │ │ ├── default_runtime.py │ │ │ │ ├── det_p5_tta.py │ │ │ │ └── pose │ │ │ │ │ └── coco.py │ │ │ ├── deploy │ │ │ │ ├── base_dynamic.py │ │ │ │ ├── base_static.py │ │ │ │ ├── detection_onnxruntime_dynamic.py │ │ │ │ ├── detection_onnxruntime_static.py │ │ │ │ ├── detection_rknn-fp16_static-320x320.py │ │ │ │ ├── detection_rknn-int8_static-320x320.py │ │ │ │ ├── detection_tensorrt-fp16_dynamic-192x192-960x960.py │ │ │ │ ├── detection_tensorrt-fp16_dynamic-64x64-1344x1344.py │ │ │ │ ├── detection_tensorrt-fp16_static-640x640.py │ │ │ │ ├── detection_tensorrt-int8_dynamic-192x192-960x960.py │ │ │ │ ├── detection_tensorrt-int8_static-640x640.py │ │ │ │ ├── detection_tensorrt_dynamic-192x192-960x960.py │ │ │ │ ├── detection_tensorrt_static-640x640.py │ │ │ │ └── model │ │ │ │ │ ├── yolov5_s-static.py │ │ │ │ │ └── yolov6_s-static.py │ │ │ ├── ppyoloe │ │ │ │ ├── README.md │ │ │ │ ├── metafile.yml │ │ │ │ ├── ppyoloe_l_fast_8xb20-300e_coco.py │ │ │ │ ├── ppyoloe_m_fast_8xb28-300e_coco.py │ │ │ │ ├── ppyoloe_plus_l_fast_8xb8-80e_coco.py │ │ │ │ ├── ppyoloe_plus_m_fast_8xb8-80e_coco.py │ │ │ │ ├── ppyoloe_plus_s_fast_1xb12-40e_cat.py │ │ │ │ ├── ppyoloe_plus_s_fast_8xb8-80e_coco.py │ │ │ │ ├── ppyoloe_plus_x_fast_8xb8-80e_coco.py │ │ │ │ ├── ppyoloe_s_fast_8xb32-300e_coco.py │ │ │ │ ├── ppyoloe_s_fast_8xb32-400e_coco.py │ │ │ │ └── ppyoloe_x_fast_8xb16-300e_coco.py │ │ │ ├── razor │ │ │ │ └── subnets │ │ │ │ │ ├── README.md │ │ │ │ │ ├── rtmdet_tiny_ofa_lat31_syncbn_16xb16-300e_coco.py │ │ │ │ │ ├── yolov5_s_spos_shufflenetv2_syncbn_8xb16-300e_coco.py │ │ │ │ │ └── yolov6_l_attentivenas_a6_d12_syncbn_fast_8xb32-300e_coco.py │ │ │ ├── rtmdet │ │ │ │ ├── README.md │ │ │ │ ├── cspnext_imagenet_pretrain │ │ │ │ │ ├── README.md │ │ │ │ │ ├── cspnext-s_8xb256-rsb-a1-600e_in1k.py │ │ │ │ │ └── cspnext-tiny_8xb256-rsb-a1-600e_in1k.py │ │ │ │ ├── distillation │ │ │ │ │ ├── README.md │ │ │ │ │ ├── kd_l_rtmdet_x_neck_300e_coco.py │ │ │ │ │ ├── kd_m_rtmdet_l_neck_300e_coco.py │ │ │ │ │ ├── kd_s_rtmdet_m_neck_300e_coco.py │ │ │ │ │ └── kd_tiny_rtmdet_s_neck_300e_coco.py │ │ │ │ ├── metafile.yml │ │ │ │ ├── rotated │ │ │ │ │ ├── rtmdet-r_l_syncbn_fast_2xb4-36e_dota-ms.py │ │ │ │ │ ├── rtmdet-r_l_syncbn_fast_2xb4-36e_dota.py │ │ │ │ │ ├── rtmdet-r_l_syncbn_fast_2xb4-aug-100e_dota.py │ │ │ │ │ ├── rtmdet-r_l_syncbn_fast_coco-pretrain_2xb4-36e_dota-ms.py │ │ │ │ │ ├── rtmdet-r_m_syncbn_fast_2xb4-36e_dota-ms.py │ │ │ │ │ ├── rtmdet-r_m_syncbn_fast_2xb4-36e_dota.py │ │ │ │ │ ├── rtmdet-r_s_fast_1xb8-36e_dota-ms.py │ │ │ │ │ ├── rtmdet-r_s_fast_1xb8-36e_dota.py │ │ │ │ │ ├── rtmdet-r_tiny_fast_1xb8-36e_dota-ms.py │ │ │ │ │ └── rtmdet-r_tiny_fast_1xb8-36e_dota.py │ │ │ │ ├── rtmdet-ins_s_syncbn_fast_8xb32-300e_coco.py │ │ │ │ ├── rtmdet_l_syncbn_fast_8xb32-300e_coco.py │ │ │ │ ├── rtmdet_m_syncbn_fast_8xb32-300e_coco.py │ │ │ │ ├── rtmdet_s_syncbn_fast_8xb32-300e_coco.py │ │ │ │ ├── rtmdet_tiny_fast_1xb12-40e_cat.py │ │ │ │ ├── rtmdet_tiny_syncbn_fast_8xb32-300e_coco.py │ │ │ │ └── rtmdet_x_syncbn_fast_8xb32-300e_coco.py │ │ │ ├── yolov5 │ │ │ │ ├── README.md │ │ │ │ ├── crowdhuman │ │ │ │ │ ├── yolov5_s-v61_8xb16-300e_ignore_crowdhuman.py │ │ │ │ │ └── yolov5_s-v61_fast_8xb16-300e_crowdhuman.py │ │ │ │ ├── ins_seg │ │ │ │ │ ├── yolov5_ins_l-v61_syncbn_fast_8xb16-300e_coco_instance.py │ │ │ │ │ ├── yolov5_ins_m-v61_syncbn_fast_8xb16-300e_coco_instance.py │ │ │ │ │ ├── yolov5_ins_n-v61_syncbn_fast_8xb16-300e_coco_instance.py │ │ │ │ │ ├── yolov5_ins_s-v61_syncbn_fast_8xb16-300e_balloon_instance.py │ │ │ │ │ ├── yolov5_ins_s-v61_syncbn_fast_8xb16-300e_coco_instance.py │ │ │ │ │ ├── yolov5_ins_s-v61_syncbn_fast_non_overlap_8xb16-300e_coco_instance.py │ │ │ │ │ └── yolov5_ins_x-v61_syncbn_fast_8xb16-300e_coco_instance.py │ │ │ │ ├── mask_refine │ │ │ │ │ ├── yolov5_l_mask-refine-v61_syncbn_fast_8xb16-300e_coco.py │ │ │ │ │ ├── yolov5_m_mask-refine-v61_syncbn_fast_8xb16-300e_coco.py │ │ │ │ │ ├── yolov5_n_mask-refine-v61_syncbn_fast_8xb16-300e_coco.py │ │ │ │ │ ├── yolov5_s_mask-refine-v61_syncbn_fast_8xb16-300e_coco.py │ │ │ │ │ └── yolov5_x_mask-refine-v61_syncbn_fast_8xb16-300e_coco.py │ │ │ │ ├── metafile.yml │ │ │ │ ├── voc │ │ │ │ │ ├── yolov5_l-v61_fast_1xb32-50e_voc.py │ │ │ │ │ ├── yolov5_m-v61_fast_1xb64-50e_voc.py │ │ │ │ │ ├── yolov5_n-v61_fast_1xb64-50e_voc.py │ │ │ │ │ ├── yolov5_s-v61_fast_1xb64-50e_voc.py │ │ │ │ │ └── yolov5_x-v61_fast_1xb32-50e_voc.py │ │ │ │ ├── yolov5_l-p6-v62_syncbn_fast_8xb16-300e_coco.py │ │ │ │ ├── yolov5_l-v61_syncbn_fast_8xb16-300e_coco.py │ │ │ │ ├── yolov5_m-p6-v62_syncbn_fast_8xb16-300e_coco.py │ │ │ │ ├── yolov5_m-v61_syncbn_fast_8xb16-300e_coco.py │ │ │ │ ├── yolov5_n-p6-v62_syncbn_fast_8xb16-300e_coco.py │ │ │ │ ├── yolov5_n-v61_syncbn_fast_8xb16-300e_coco.py │ │ │ │ ├── yolov5_s-p6-v62_syncbn_fast_8xb16-300e_coco.py │ │ │ │ ├── yolov5_s-v61_fast_1xb12-40e_608x352_cat.py │ │ │ │ ├── yolov5_s-v61_fast_1xb12-40e_cat.py │ │ │ │ ├── yolov5_s-v61_fast_1xb12-ms-40e_cat.py │ │ │ │ ├── yolov5_s-v61_syncbn-detect_8xb16-300e_coco.py │ │ │ │ ├── yolov5_s-v61_syncbn_8xb16-300e_coco.py │ │ │ │ ├── yolov5_s-v61_syncbn_fast_1xb4-300e_balloon.py │ │ │ │ ├── yolov5_s-v61_syncbn_fast_8xb16-300e_coco.py │ │ │ │ ├── yolov5_x-p6-v62_syncbn_fast_8xb16-300e_coco.py │ │ │ │ ├── yolov5_x-v61_syncbn_fast_8xb16-300e_coco.py │ │ │ │ └── yolov5u │ │ │ │ │ ├── yolov5u_l_mask-refine_syncbn_fast_8xb16-300e_coco.py │ │ │ │ │ ├── yolov5u_l_syncbn_fast_8xb16-300e_coco.py │ │ │ │ │ ├── yolov5u_m_mask-refine_syncbn_fast_8xb16-300e_coco.py │ │ │ │ │ ├── yolov5u_m_syncbn_fast_8xb16-300e_coco.py │ │ │ │ │ ├── yolov5u_n_mask-refine_syncbn_fast_8xb16-300e_coco.py │ │ │ │ │ ├── yolov5u_n_syncbn_fast_8xb16-300e_coco.py │ │ │ │ │ ├── yolov5u_s_mask-refine_syncbn_fast_8xb16-300e_coco.py │ │ │ │ │ ├── yolov5u_s_syncbn_fast_8xb16-300e_coco.py │ │ │ │ │ ├── yolov5u_x_mask-refine_syncbn_fast_8xb16-300e_coco.py │ │ │ │ │ └── yolov5u_x_syncbn_fast_8xb16-300e_coco.py │ │ │ ├── yolov6 │ │ │ │ ├── README.md │ │ │ │ ├── metafile.yml │ │ │ │ ├── yolov6_l_syncbn_fast_8xb32-300e_coco.py │ │ │ │ ├── yolov6_m_syncbn_fast_8xb32-300e_coco.py │ │ │ │ ├── yolov6_n_syncbn_fast_8xb32-300e_coco.py │ │ │ │ ├── yolov6_n_syncbn_fast_8xb32-400e_coco.py │ │ │ │ ├── yolov6_s_fast_1xb12-40e_cat.py │ │ │ │ ├── yolov6_s_syncbn_fast_8xb32-300e_coco.py │ │ │ │ ├── yolov6_s_syncbn_fast_8xb32-400e_coco.py │ │ │ │ ├── yolov6_t_syncbn_fast_8xb32-300e_coco.py │ │ │ │ ├── yolov6_t_syncbn_fast_8xb32-400e_coco.py │ │ │ │ ├── yolov6_v3_l_syncbn_fast_8xb32-300e_coco.py │ │ │ │ ├── yolov6_v3_m_syncbn_fast_8xb32-300e_coco.py │ │ │ │ ├── yolov6_v3_n_syncbn_fast_8xb32-300e_coco.py │ │ │ │ ├── yolov6_v3_s_syncbn_fast_8xb32-300e_coco.py │ │ │ │ └── yolov6_v3_t_syncbn_fast_8xb32-300e_coco.py │ │ │ ├── yolov7 │ │ │ │ ├── README.md │ │ │ │ ├── metafile.yml │ │ │ │ ├── yolov7_d-p6_syncbn_fast_8x16b-300e_coco.py │ │ │ │ ├── yolov7_e-p6_syncbn_fast_8x16b-300e_coco.py │ │ │ │ ├── yolov7_e2e-p6_syncbn_fast_8x16b-300e_coco.py │ │ │ │ ├── yolov7_l_syncbn_fast_8x16b-300e_coco.py │ │ │ │ ├── yolov7_tiny_fast_1xb12-40e_cat.py │ │ │ │ ├── yolov7_tiny_syncbn_fast_8x16b-300e_coco.py │ │ │ │ ├── yolov7_w-p6_syncbn_fast_8x16b-300e_coco.py │ │ │ │ └── yolov7_x_syncbn_fast_8x16b-300e_coco.py │ │ │ ├── yolov8 │ │ │ │ ├── README.md │ │ │ │ ├── metafile.yml │ │ │ │ ├── yolov8_l_mask-refine_syncbn_fast_8xb16-500e_coco.py │ │ │ │ ├── yolov8_l_syncbn_fast_8xb16-500e_coco.py │ │ │ │ ├── yolov8_m_mask-refine_syncbn_fast_8xb16-500e_coco.py │ │ │ │ ├── yolov8_m_syncbn_fast_8xb16-500e_coco.py │ │ │ │ ├── yolov8_n_mask-refine_syncbn_fast_8xb16-500e_coco.py │ │ │ │ ├── yolov8_n_syncbn_fast_8xb16-500e_coco.py │ │ │ │ ├── yolov8_s_fast_1xb12-40e_cat.py │ │ │ │ ├── yolov8_s_mask-refine_syncbn_fast_8xb16-500e_coco.py │ │ │ │ ├── yolov8_s_syncbn_fast_8xb16-500e_coco.py │ │ │ │ ├── yolov8_x_mask-refine_syncbn_fast_8xb16-500e_coco.py │ │ │ │ └── yolov8_x_syncbn_fast_8xb16-500e_coco.py │ │ │ └── yolox │ │ │ │ ├── README.md │ │ │ │ ├── metafile.yml │ │ │ │ ├── pose │ │ │ │ ├── yolox-pose_l_8xb32-300e-rtmdet-hyp_coco.py │ │ │ │ ├── yolox-pose_m_8xb32-300e-rtmdet-hyp_coco.py │ │ │ │ ├── yolox-pose_s_8xb32-300e-rtmdet-hyp_coco.py │ │ │ │ └── yolox-pose_tiny_8xb32-300e-rtmdet-hyp_coco.py │ │ │ │ ├── yolox_l_fast_8xb8-300e_coco.py │ │ │ │ ├── yolox_m_fast_8xb32-300e-rtmdet-hyp_coco.py │ │ │ │ ├── yolox_m_fast_8xb8-300e_coco.py │ │ │ │ ├── yolox_nano_fast_8xb32-300e-rtmdet-hyp_coco.py │ │ │ │ ├── yolox_nano_fast_8xb8-300e_coco.py │ │ │ │ ├── yolox_p5_tta.py │ │ │ │ ├── yolox_s_fast_1xb12-40e-rtmdet-hyp_cat.py │ │ │ │ ├── yolox_s_fast_8xb32-300e-rtmdet-hyp_coco.py │ │ │ │ ├── yolox_s_fast_8xb8-300e_coco.py │ │ │ │ ├── yolox_tiny_fast_8xb32-300e-rtmdet-hyp_coco.py │ │ │ │ ├── yolox_tiny_fast_8xb8-300e_coco.py │ │ │ │ └── yolox_x_fast_8xb8-300e_coco.py │ │ │ ├── demo │ │ │ ├── 15_minutes_instance_segmentation.ipynb │ │ │ ├── 15_minutes_object_detection.ipynb │ │ │ ├── boxam_vis_demo.py │ │ │ ├── deploy_demo.py │ │ │ ├── featmap_vis_demo.py │ │ │ ├── image_demo.py │ │ │ ├── large_image_demo.py │ │ │ └── video_demo.py │ │ │ ├── docker │ │ │ ├── Dockerfile │ │ │ └── Dockerfile_deployment │ │ │ ├── mmyolo │ │ │ ├── __init__.py │ │ │ ├── datasets │ │ │ │ ├── __init__.py │ │ │ │ ├── pose_coco.py │ │ │ │ ├── transforms │ │ │ │ │ ├── __init__.py │ │ │ │ │ ├── formatting.py │ │ │ │ │ ├── keypoint_structure.py │ │ │ │ │ ├── mix_img_transforms.py │ │ │ │ │ └── transforms.py │ │ │ │ ├── utils.py │ │ │ │ ├── yolov5_coco.py │ │ │ │ ├── yolov5_crowdhuman.py │ │ │ │ ├── yolov5_dota.py │ │ │ │ └── yolov5_voc.py │ │ │ ├── deploy │ │ │ │ ├── __init__.py │ │ │ │ ├── models │ │ │ │ │ ├── __init__.py │ │ │ │ │ ├── dense_heads │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ └── yolov5_head.py │ │ │ │ │ └── layers │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ └── bbox_nms.py │ │ │ │ └── object_detection.py │ │ │ ├── engine │ │ │ │ ├── __init__.py │ │ │ │ ├── hooks │ │ │ │ │ ├── __init__.py │ │ │ │ │ ├── ppyoloe_param_scheduler_hook.py │ │ │ │ │ ├── switch_to_deploy_hook.py │ │ │ │ │ ├── yolov5_param_scheduler_hook.py │ │ │ │ │ └── yolox_mode_switch_hook.py │ │ │ │ └── optimizers │ │ │ │ │ ├── __init__.py │ │ │ │ │ ├── yolov5_optim_constructor.py │ │ │ │ │ └── yolov7_optim_wrapper_constructor.py │ │ │ ├── models │ │ │ │ ├── __init__.py │ │ │ │ ├── backbones │ │ │ │ │ ├── __init__.py │ │ │ │ │ ├── base_backbone.py │ │ │ │ │ ├── csp_darknet.py │ │ │ │ │ ├── csp_resnet.py │ │ │ │ │ ├── cspnext.py │ │ │ │ │ ├── efficient_rep.py │ │ │ │ │ └── yolov7_backbone.py │ │ │ │ ├── data_preprocessors │ │ │ │ │ ├── __init__.py │ │ │ │ │ └── data_preprocessor.py │ │ │ │ ├── dense_heads │ │ │ │ │ ├── __init__.py │ │ │ │ │ ├── ppyoloe_head.py │ │ │ │ │ ├── rtmdet_head.py │ │ │ │ │ ├── rtmdet_ins_head.py │ │ │ │ │ ├── rtmdet_rotated_head.py │ │ │ │ │ ├── yolov5_head.py │ │ │ │ │ ├── yolov5_ins_head.py │ │ │ │ │ ├── yolov6_head.py │ │ │ │ │ ├── yolov7_head.py │ │ │ │ │ ├── yolov8_head.py │ │ │ │ │ ├── yolox_head.py │ │ │ │ │ └── yolox_pose_head.py │ │ │ │ ├── detectors │ │ │ │ │ ├── __init__.py │ │ │ │ │ └── yolo_detector.py │ │ │ │ ├── layers │ │ │ │ │ ├── __init__.py │ │ │ │ │ ├── ema.py │ │ │ │ │ └── yolo_bricks.py │ │ │ │ ├── losses │ │ │ │ │ ├── __init__.py │ │ │ │ │ ├── iou_loss.py │ │ │ │ │ └── oks_loss.py │ │ │ │ ├── necks │ │ │ │ │ ├── __init__.py │ │ │ │ │ ├── base_yolo_neck.py │ │ │ │ │ ├── cspnext_pafpn.py │ │ │ │ │ ├── ppyoloe_csppan.py │ │ │ │ │ ├── yolov5_pafpn.py │ │ │ │ │ ├── yolov6_pafpn.py │ │ │ │ │ ├── yolov7_pafpn.py │ │ │ │ │ ├── yolov8_pafpn.py │ │ │ │ │ └── yolox_pafpn.py │ │ │ │ ├── plugins │ │ │ │ │ ├── __init__.py │ │ │ │ │ └── cbam.py │ │ │ │ ├── task_modules │ │ │ │ │ ├── __init__.py │ │ │ │ │ ├── assigners │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── batch_atss_assigner.py │ │ │ │ │ │ ├── batch_dsl_assigner.py │ │ │ │ │ │ ├── batch_task_aligned_assigner.py │ │ │ │ │ │ ├── batch_yolov7_assigner.py │ │ │ │ │ │ ├── pose_sim_ota_assigner.py │ │ │ │ │ │ └── utils.py │ │ │ │ │ └── coders │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── distance_angle_point_coder.py │ │ │ │ │ │ ├── distance_point_bbox_coder.py │ │ │ │ │ │ ├── yolov5_bbox_coder.py │ │ │ │ │ │ └── yolox_bbox_coder.py │ │ │ │ └── utils │ │ │ │ │ ├── __init__.py │ │ │ │ │ └── misc.py │ │ │ ├── registry.py │ │ │ ├── testing │ │ │ │ ├── __init__.py │ │ │ │ └── _utils.py │ │ │ ├── utils │ │ │ │ ├── __init__.py │ │ │ │ ├── boxam_utils.py │ │ │ │ ├── collect_env.py │ │ │ │ ├── labelme_utils.py │ │ │ │ ├── large_image.py │ │ │ │ ├── misc.py │ │ │ │ └── setup_env.py │ │ │ └── version.py │ │ │ ├── model-index.yml │ │ │ ├── projects │ │ │ ├── assigner_visualization │ │ │ │ ├── README.md │ │ │ │ ├── assigner_visualization.py │ │ │ │ ├── configs │ │ │ │ │ ├── rtmdet_s_syncbn_fast_8xb32-300e_coco_assignervisualization.py │ │ │ │ │ ├── yolov5_s-v61_syncbn_fast_8xb16-300e_coco_assignervisualization.py │ │ │ │ │ ├── yolov7_tiny_syncbn_fast_8xb16-300e_coco_assignervisualization.py │ │ │ │ │ └── yolov8_s_syncbn_fast_8xb16-500e_coco_assignervisualization.py │ │ │ │ ├── dense_heads │ │ │ │ │ ├── __init__.py │ │ │ │ │ ├── rtmdet_head_assigner.py │ │ │ │ │ ├── yolov5_head_assigner.py │ │ │ │ │ ├── yolov7_head_assigner.py │ │ │ │ │ └── yolov8_head_assigner.py │ │ │ │ ├── detectors │ │ │ │ │ ├── __init__.py │ │ │ │ │ └── yolo_detector_assigner.py │ │ │ │ └── visualization │ │ │ │ │ ├── __init__.py │ │ │ │ │ └── assigner_visualizer.py │ │ │ ├── easydeploy │ │ │ │ ├── README.md │ │ │ │ ├── README_zh-CN.md │ │ │ │ ├── backbone │ │ │ │ │ ├── __init__.py │ │ │ │ │ ├── common.py │ │ │ │ │ └── focus.py │ │ │ │ ├── bbox_code │ │ │ │ │ ├── __init__.py │ │ │ │ │ └── bbox_coder.py │ │ │ │ ├── deepstream │ │ │ │ │ ├── CMakeLists.txt │ │ │ │ │ ├── README.md │ │ │ │ │ ├── README_zh-CN.md │ │ │ │ │ ├── coco_labels.txt │ │ │ │ │ ├── configs │ │ │ │ │ │ ├── config_infer_rtmdet.txt │ │ │ │ │ │ ├── config_infer_yolov5.txt │ │ │ │ │ │ └── config_infer_yolov8.txt │ │ │ │ │ ├── custom_mmyolo_bbox_parser │ │ │ │ │ │ └── nvdsparsebbox_mmyolo.cpp │ │ │ │ │ └── deepstream_app_config.txt │ │ │ │ ├── docs │ │ │ │ │ └── model_convert.md │ │ │ │ ├── examples │ │ │ │ │ ├── config.py │ │ │ │ │ ├── cv2_nms.py │ │ │ │ │ ├── main_onnxruntime.py │ │ │ │ │ ├── numpy_coder.py │ │ │ │ │ ├── preprocess.py │ │ │ │ │ └── requirements.txt │ │ │ │ ├── model │ │ │ │ │ ├── __init__.py │ │ │ │ │ ├── backend.py │ │ │ │ │ ├── backendwrapper.py │ │ │ │ │ └── model.py │ │ │ │ ├── nms │ │ │ │ │ ├── __init__.py │ │ │ │ │ ├── ort_nms.py │ │ │ │ │ └── trt_nms.py │ │ │ │ └── tools │ │ │ │ │ ├── build_engine.py │ │ │ │ │ ├── export_onnx.py │ │ │ │ │ └── image-demo.py │ │ │ ├── example_project │ │ │ │ ├── README.md │ │ │ │ ├── configs │ │ │ │ │ └── yolov5_s_dummy-backbone_v61_syncbn_8xb16-300e_coco.py │ │ │ │ └── dummy │ │ │ │ │ ├── __init__.py │ │ │ │ │ └── dummy_yolov5cspdarknet.py │ │ │ └── misc │ │ │ │ ├── custom_dataset │ │ │ │ ├── README.md │ │ │ │ ├── yolov5_s-v61_syncbn_fast_1xb32-100e_cat.py │ │ │ │ ├── yolov6_s_syncbn_fast_1xb32-100e_cat.py │ │ │ │ └── yolov7_tiny_syncbn_fast_1xb32-100e_cat.py │ │ │ │ └── ionogram_detection │ │ │ │ ├── README.md │ │ │ │ ├── rtmdet │ │ │ │ ├── rtmdet_l_fast_1xb32-100e_ionogram.py │ │ │ │ ├── rtmdet_s_fast_1xb32-100e_ionogram.py │ │ │ │ └── rtmdet_tiny_fast_1xb32-100e_ionogram.py │ │ │ │ ├── yolov5 │ │ │ │ ├── yolov5_m-v61_fast_1xb32-100e_ionogram.py │ │ │ │ ├── yolov5_s-v61_fast_1xb32-100e_ionogram_mosaic.py │ │ │ │ ├── yolov5_s-v61_fast_1xb96-100e_ionogram.py │ │ │ │ ├── yolov5_s-v61_fast_1xb96-100e_ionogram_aug0.py │ │ │ │ ├── yolov5_s-v61_fast_1xb96-100e_ionogram_mosaic_affine.py │ │ │ │ ├── yolov5_s-v61_fast_1xb96-100e_ionogram_mosaic_affine_albu_hsv.py │ │ │ │ └── yolov5_s-v61_fast_1xb96-200e_ionogram_pre0.py │ │ │ │ ├── yolov6 │ │ │ │ ├── yolov6_l_fast_1xb32-100e_ionogram.py │ │ │ │ ├── yolov6_m_fast_1xb32-100e_ionogram.py │ │ │ │ ├── yolov6_s_fast_1xb32-100e_ionogram.py │ │ │ │ └── yolov6_s_fast_1xb32-200e_ionogram_pre0.py │ │ │ │ └── yolov7 │ │ │ │ ├── yolov7_l_fast_1xb16-100e_ionogram.py │ │ │ │ ├── yolov7_tiny_fast_1xb16-100e_ionogram.py │ │ │ │ └── yolov7_x_fast_1xb16-100e_ionogram.py │ │ │ ├── pytest.ini │ │ │ ├── requirements.txt │ │ │ ├── requirements │ │ │ ├── albu.txt │ │ │ ├── build.txt │ │ │ ├── docs.txt │ │ │ ├── mminstall.txt │ │ │ ├── mmpose.txt │ │ │ ├── mmrotate.txt │ │ │ ├── runtime.txt │ │ │ ├── sahi.txt │ │ │ └── tests.txt │ │ │ ├── setup.cfg │ │ │ ├── setup.py │ │ │ ├── tests │ │ │ ├── regression │ │ │ │ └── mmyolo.yml │ │ │ ├── test_datasets │ │ │ │ ├── __init__.py │ │ │ │ ├── test_transforms │ │ │ │ │ ├── __init__.py │ │ │ │ │ ├── test_formatting.py │ │ │ │ │ ├── test_mix_img_transforms.py │ │ │ │ │ └── test_transforms.py │ │ │ │ ├── test_utils.py │ │ │ │ ├── test_yolov5_coco.py │ │ │ │ └── test_yolov5_voc.py │ │ │ ├── test_deploy │ │ │ │ ├── conftest.py │ │ │ │ ├── test_mmyolo_models.py │ │ │ │ └── test_object_detection.py │ │ │ ├── test_downstream │ │ │ │ └── test_mmrazor.py │ │ │ ├── test_engine │ │ │ │ ├── __init__.py │ │ │ │ ├── test_hooks │ │ │ │ │ ├── test_switch_to_deploy_hook.py │ │ │ │ │ ├── test_yolov5_param_scheduler_hook.py │ │ │ │ │ └── test_yolox_mode_switch_hook.py │ │ │ │ └── test_optimizers │ │ │ │ │ ├── __init__.py │ │ │ │ │ ├── test_yolov5_optim_constructor.py │ │ │ │ │ └── test_yolov7_optim_wrapper_constructor.py │ │ │ ├── test_models │ │ │ │ ├── __init__.py │ │ │ │ ├── test_backbone │ │ │ │ │ ├── __init__.py │ │ │ │ │ ├── test_csp_darknet.py │ │ │ │ │ ├── test_csp_resnet.py │ │ │ │ │ ├── test_efficient_rep.py │ │ │ │ │ ├── test_yolov7_backbone.py │ │ │ │ │ └── utils.py │ │ │ │ ├── test_data_preprocessor │ │ │ │ │ ├── __init__.py │ │ │ │ │ └── test_data_preprocessor.py │ │ │ │ ├── test_dense_heads │ │ │ │ │ ├── __init__.py │ │ │ │ │ ├── test_ppyoloe_head.py │ │ │ │ │ ├── test_rotated_rtmdet_head.py │ │ │ │ │ ├── test_rtmdet_head.py │ │ │ │ │ ├── test_yolov5_head.py │ │ │ │ │ ├── test_yolov6_head.py │ │ │ │ │ ├── test_yolov7_head.py │ │ │ │ │ ├── test_yolov8_head.py │ │ │ │ │ └── test_yolox_head.py │ │ │ │ ├── test_detectors │ │ │ │ │ └── test_yolo_detector.py │ │ │ │ ├── test_layers │ │ │ │ │ ├── __init__.py │ │ │ │ │ ├── test_ema.py │ │ │ │ │ └── test_yolo_bricks.py │ │ │ │ ├── test_necks │ │ │ │ │ ├── __init__.py │ │ │ │ │ ├── test_cspnext_pafpn.py │ │ │ │ │ ├── test_ppyoloe_csppan.py │ │ │ │ │ ├── test_yolov5_pafpn.py │ │ │ │ │ ├── test_yolov6_pafpn.py │ │ │ │ │ ├── test_yolov7_pafpn.py │ │ │ │ │ ├── test_yolov8_pafpn.py │ │ │ │ │ └── test_yolox_pafpn.py │ │ │ │ ├── test_plugins │ │ │ │ │ ├── __init__.py │ │ │ │ │ └── test_cbam.py │ │ │ │ ├── test_task_modules │ │ │ │ │ ├── __init__.py │ │ │ │ │ ├── test_assigners │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── test_batch_atss_assigner.py │ │ │ │ │ │ ├── test_batch_dsl_assigner.py │ │ │ │ │ │ ├── test_batch_task_aligned_assigner.py │ │ │ │ │ │ └── test_pose_sim_ota_assigner.py │ │ │ │ │ └── test_coders │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── test_distance_point_bbox_coder.py │ │ │ │ │ │ ├── test_yolov5_bbox_coder.py │ │ │ │ │ │ └── test_yolox_bbox_coder.py │ │ │ │ └── test_utils │ │ │ │ │ ├── __init__.py │ │ │ │ │ └── test_misc.py │ │ │ └── test_utils │ │ │ │ ├── test_collect_env.py │ │ │ │ └── test_setup_env.py │ │ │ └── tools │ │ │ ├── analysis_tools │ │ │ ├── benchmark.py │ │ │ ├── browse_coco_json.py │ │ │ ├── browse_dataset.py │ │ │ ├── browse_dataset_simple.py │ │ │ ├── confusion_matrix.py │ │ │ ├── dataset_analysis.py │ │ │ ├── get_flops.py │ │ │ ├── optimize_anchors.py │ │ │ └── vis_scheduler.py │ │ │ ├── dataset_converters │ │ │ ├── balloon2coco.py │ │ │ ├── dota │ │ │ │ ├── README.md │ │ │ │ ├── dota_split.py │ │ │ │ └── split_config │ │ │ │ │ ├── multi_scale.json │ │ │ │ │ └── single_scale.json │ │ │ ├── labelme2coco.py │ │ │ └── yolo2coco.py │ │ │ ├── dist_test.sh │ │ │ ├── dist_train.sh │ │ │ ├── misc │ │ │ ├── coco_split.py │ │ │ ├── download_dataset.py │ │ │ ├── extract_subcoco.py │ │ │ ├── print_config.py │ │ │ └── publish_model.py │ │ │ ├── model_converters │ │ │ ├── convert_kd_ckpt_to_student.py │ │ │ ├── ppyoloe_to_mmyolo.py │ │ │ ├── rtmdet_to_mmyolo.py │ │ │ ├── yolov5_to_mmyolo.py │ │ │ ├── yolov5u_to_mmyolo.py │ │ │ ├── yolov6_to_mmyolo.py │ │ │ ├── yolov6_v3_to_mmyolo.py │ │ │ ├── yolov7_to_mmyolo.py │ │ │ ├── yolov8_to_mmyolo.py │ │ │ └── yolox_to_mmyolo.py │ │ │ ├── slurm_test.sh │ │ │ ├── slurm_train.sh │ │ │ ├── test.py │ │ │ └── train.py │ ├── tools │ │ ├── dist_test.sh │ │ ├── dist_train.sh │ │ ├── generate_image_prompts.py │ │ ├── generate_text_prompts.py │ │ ├── reparameterize_yoloworld.py │ │ ├── test.py │ │ └── train.py │ └── yolo_world │ │ ├── __init__.py │ │ ├── datasets │ │ ├── __init__.py │ │ ├── mm_dataset.py │ │ ├── transformers │ │ │ ├── __init__.py │ │ │ ├── mm_mix_img_transforms.py │ │ │ └── mm_transforms.py │ │ ├── utils.py │ │ ├── yolov5_lvis.py │ │ ├── yolov5_mixed_grounding.py │ │ ├── yolov5_obj365v1.py │ │ ├── yolov5_obj365v2.py │ │ └── yolov5_v3det.py │ │ ├── engine │ │ ├── __init__.py │ │ └── optimizers │ │ │ ├── __init__.py │ │ │ └── yolow_v5_optim_constructor.py │ │ ├── models │ │ ├── __init__.py │ │ ├── assigner │ │ │ ├── __init__.py │ │ │ └── task_aligned_assigner.py │ │ ├── backbones │ │ │ ├── __init__.py │ │ │ └── mm_backbone.py │ │ ├── data_preprocessors │ │ │ ├── __init__.py │ │ │ └── data_preprocessor.py │ │ ├── dense_heads │ │ │ ├── __init__.py │ │ │ ├── yolo_world_head.py │ │ │ └── yolo_world_seg_head.py │ │ ├── detectors │ │ │ ├── __init__.py │ │ │ └── yolo_world.py │ │ ├── layers │ │ │ ├── __init__.py │ │ │ └── yolo_bricks.py │ │ ├── losses │ │ │ ├── __init__.py │ │ │ └── dynamic_loss.py │ │ └── necks │ │ │ ├── __init__.py │ │ │ └── yolo_world_pafpn.py │ │ └── version.py └── pointnet2 │ ├── pointnet2 │ ├── __init__.py │ ├── _ext_src │ │ ├── include │ │ │ ├── ball_query.h │ │ │ ├── cuda_utils.h │ │ │ ├── group_points.h │ │ │ ├── interpolate.h │ │ │ ├── sampling.h │ │ │ └── utils.h │ │ └── src │ │ │ ├── ball_query.cpp │ │ │ ├── ball_query_gpu.cu │ │ │ ├── bindings.cpp │ │ │ ├── group_points.cpp │ │ │ ├── group_points_gpu.cu │ │ │ ├── interpolate.cpp │ │ │ ├── interpolate_gpu.cu │ │ │ ├── sampling.cpp │ │ │ └── sampling_gpu.cu │ ├── pointnet2_modules.py │ ├── pointnet2_test.py │ ├── pointnet2_utils.py │ └── pytorch_utils.py │ └── setup.py ├── zero_shot_multi_vocs.py └── zero_shot_single_voc.py /.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/.gitignore -------------------------------------------------------------------------------- /LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/LICENSE -------------------------------------------------------------------------------- /README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/README.md -------------------------------------------------------------------------------- /assets/demo_1.gif: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/assets/demo_1.gif -------------------------------------------------------------------------------- /assets/demo_2.gif: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/assets/demo_2.gif -------------------------------------------------------------------------------- /assets/demo_3.gif: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/assets/demo_3.gif -------------------------------------------------------------------------------- /assets/demo_4.gif: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/assets/demo_4.gif -------------------------------------------------------------------------------- /assets/demo_5.gif: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/assets/demo_5.gif -------------------------------------------------------------------------------- /assets/demo_6.gif: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/assets/demo_6.gif -------------------------------------------------------------------------------- /assets/logs/log_replica_ovis.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/assets/logs/log_replica_ovis.txt -------------------------------------------------------------------------------- /assets/logs/log_replica_use2d_ovis.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/assets/logs/log_replica_use2d_ovis.txt -------------------------------------------------------------------------------- /assets/logs/log_s3dis_ovis.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/assets/logs/log_s3dis_ovis.txt -------------------------------------------------------------------------------- /assets/logs/log_scannet_classfication.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/assets/logs/log_scannet_classfication.txt -------------------------------------------------------------------------------- /assets/logs/log_scannet_ovis.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/assets/logs/log_scannet_ovis.txt -------------------------------------------------------------------------------- /assets/logs/log_scannet_ovod.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/assets/logs/log_scannet_ovod.txt -------------------------------------------------------------------------------- /assets/logs/log_stpls3d_ovis.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/assets/logs/log_stpls3d_ovis.txt -------------------------------------------------------------------------------- /environment.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/environment.yml -------------------------------------------------------------------------------- /installation.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/installation.md -------------------------------------------------------------------------------- /openins3d/build_lookup_odise.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/openins3d/build_lookup_odise.py -------------------------------------------------------------------------------- /openins3d/build_lookup_yoloworld.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/openins3d/build_lookup_yoloworld.py -------------------------------------------------------------------------------- /openins3d/evaluation/eval_util.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/openins3d/evaluation/eval_util.py -------------------------------------------------------------------------------- /openins3d/evaluation/evaluate.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/openins3d/evaluation/evaluate.py -------------------------------------------------------------------------------- /openins3d/evaluation/evaluate_bbox.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/openins3d/evaluation/evaluate_bbox.py -------------------------------------------------------------------------------- /openins3d/lookup.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/openins3d/lookup.py -------------------------------------------------------------------------------- /openins3d/main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/openins3d/main.py -------------------------------------------------------------------------------- /openins3d/mask3d/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/openins3d/mask3d/__init__.py -------------------------------------------------------------------------------- /openins3d/mask3d/benchmark/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /openins3d/mask3d/benchmark/evaluate_semantic_instance.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/openins3d/mask3d/benchmark/evaluate_semantic_instance.py -------------------------------------------------------------------------------- /openins3d/mask3d/benchmark/util.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/openins3d/mask3d/benchmark/util.py -------------------------------------------------------------------------------- /openins3d/mask3d/benchmark/util_3d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/openins3d/mask3d/benchmark/util_3d.py -------------------------------------------------------------------------------- /openins3d/mask3d/conf/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /openins3d/mask3d/conf/augmentation/albumentations_aug.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/openins3d/mask3d/conf/augmentation/albumentations_aug.yaml -------------------------------------------------------------------------------- /openins3d/mask3d/conf/augmentation/volumentations_aug.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/openins3d/mask3d/conf/augmentation/volumentations_aug.yaml -------------------------------------------------------------------------------- /openins3d/mask3d/conf/callbacks/callbacks_instance_segmentation.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/openins3d/mask3d/conf/callbacks/callbacks_instance_segmentation.yaml -------------------------------------------------------------------------------- /openins3d/mask3d/conf/config_base_instance_segmentation.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/openins3d/mask3d/conf/config_base_instance_segmentation.yaml -------------------------------------------------------------------------------- /openins3d/mask3d/conf/config_base_instance_segmentation_ca.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/openins3d/mask3d/conf/config_base_instance_segmentation_ca.yaml -------------------------------------------------------------------------------- /openins3d/mask3d/conf/config_s3dis.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/openins3d/mask3d/conf/config_s3dis.yaml -------------------------------------------------------------------------------- /openins3d/mask3d/conf/config_scannet.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/openins3d/mask3d/conf/config_scannet.yaml -------------------------------------------------------------------------------- /openins3d/mask3d/conf/data/collation_functions/voxelize_collate.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/openins3d/mask3d/conf/data/collation_functions/voxelize_collate.yaml -------------------------------------------------------------------------------- /openins3d/mask3d/conf/data/collation_functions/voxelize_collate_merge.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/openins3d/mask3d/conf/data/collation_functions/voxelize_collate_merge.yaml -------------------------------------------------------------------------------- /openins3d/mask3d/conf/data/data_loaders/simple_loader.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/openins3d/mask3d/conf/data/data_loaders/simple_loader.yaml -------------------------------------------------------------------------------- /openins3d/mask3d/conf/data/data_loaders/simple_loader_save_memory.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/openins3d/mask3d/conf/data/data_loaders/simple_loader_save_memory.yaml -------------------------------------------------------------------------------- /openins3d/mask3d/conf/data/datasets/matterport.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/openins3d/mask3d/conf/data/datasets/matterport.yaml -------------------------------------------------------------------------------- /openins3d/mask3d/conf/data/datasets/matterport_scannet.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/openins3d/mask3d/conf/data/datasets/matterport_scannet.yaml -------------------------------------------------------------------------------- /openins3d/mask3d/conf/data/datasets/rio.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/openins3d/mask3d/conf/data/datasets/rio.yaml -------------------------------------------------------------------------------- /openins3d/mask3d/conf/data/datasets/s3dis.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/openins3d/mask3d/conf/data/datasets/s3dis.yaml -------------------------------------------------------------------------------- /openins3d/mask3d/conf/data/datasets/scannet.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/openins3d/mask3d/conf/data/datasets/scannet.yaml -------------------------------------------------------------------------------- /openins3d/mask3d/conf/data/datasets/scannet200.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/openins3d/mask3d/conf/data/datasets/scannet200.yaml -------------------------------------------------------------------------------- /openins3d/mask3d/conf/data/datasets/semantic_kitti.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/openins3d/mask3d/conf/data/datasets/semantic_kitti.yaml -------------------------------------------------------------------------------- /openins3d/mask3d/conf/data/datasets/stpls3d.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/openins3d/mask3d/conf/data/datasets/stpls3d.yaml -------------------------------------------------------------------------------- /openins3d/mask3d/conf/data/indoor.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/openins3d/mask3d/conf/data/indoor.yaml -------------------------------------------------------------------------------- /openins3d/mask3d/conf/data/outdoor.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/openins3d/mask3d/conf/data/outdoor.yaml -------------------------------------------------------------------------------- /openins3d/mask3d/conf/logging/base.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/openins3d/mask3d/conf/logging/base.yaml -------------------------------------------------------------------------------- /openins3d/mask3d/conf/logging/full.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/openins3d/mask3d/conf/logging/full.yaml -------------------------------------------------------------------------------- /openins3d/mask3d/conf/logging/minimal.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/openins3d/mask3d/conf/logging/minimal.yaml -------------------------------------------------------------------------------- /openins3d/mask3d/conf/logging/offline.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/openins3d/mask3d/conf/logging/offline.yaml -------------------------------------------------------------------------------- /openins3d/mask3d/conf/loss/cross_entropy.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/openins3d/mask3d/conf/loss/cross_entropy.yaml -------------------------------------------------------------------------------- /openins3d/mask3d/conf/loss/set_criterion.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/openins3d/mask3d/conf/loss/set_criterion.yaml -------------------------------------------------------------------------------- /openins3d/mask3d/conf/loss/set_criterion_class_agnostic.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/openins3d/mask3d/conf/loss/set_criterion_class_agnostic.yaml -------------------------------------------------------------------------------- /openins3d/mask3d/conf/loss/set_criterion_custom_weights_1.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/openins3d/mask3d/conf/loss/set_criterion_custom_weights_1.yaml -------------------------------------------------------------------------------- /openins3d/mask3d/conf/matcher/hungarian_matcher.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/openins3d/mask3d/conf/matcher/hungarian_matcher.yaml -------------------------------------------------------------------------------- /openins3d/mask3d/conf/matcher/hungarian_matcher_class_agnostic.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/openins3d/mask3d/conf/matcher/hungarian_matcher_class_agnostic.yaml -------------------------------------------------------------------------------- /openins3d/mask3d/conf/metrics/miou.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/openins3d/mask3d/conf/metrics/miou.yaml -------------------------------------------------------------------------------- /openins3d/mask3d/conf/model/mask3d.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/openins3d/mask3d/conf/model/mask3d.yaml -------------------------------------------------------------------------------- /openins3d/mask3d/conf/optimizer/adamw.yaml: -------------------------------------------------------------------------------- 1 | # @package _group_ 2 | _target_: torch.optim.AdamW 3 | lr: 0.0001 -------------------------------------------------------------------------------- /openins3d/mask3d/conf/optimizer/adamw_lower.yaml: -------------------------------------------------------------------------------- 1 | # @package _group_ 2 | _target_: torch.optim.AdamW 3 | lr: 0.005 4 | -------------------------------------------------------------------------------- /openins3d/mask3d/conf/scheduler/exponentiallr.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/openins3d/mask3d/conf/scheduler/exponentiallr.yaml -------------------------------------------------------------------------------- /openins3d/mask3d/conf/scheduler/lambdalr.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/openins3d/mask3d/conf/scheduler/lambdalr.yaml -------------------------------------------------------------------------------- /openins3d/mask3d/conf/scheduler/onecyclelr.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/openins3d/mask3d/conf/scheduler/onecyclelr.yaml -------------------------------------------------------------------------------- /openins3d/mask3d/conf/trainer/trainer.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/openins3d/mask3d/conf/trainer/trainer.yaml -------------------------------------------------------------------------------- /openins3d/mask3d/conf/trainer/trainer600.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/openins3d/mask3d/conf/trainer/trainer600.yaml -------------------------------------------------------------------------------- /openins3d/mask3d/datasets/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /openins3d/mask3d/datasets/outdoor_semseg.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/openins3d/mask3d/datasets/outdoor_semseg.py -------------------------------------------------------------------------------- /openins3d/mask3d/datasets/preprocessing/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /openins3d/mask3d/datasets/preprocessing/arkitscenes_preprocessing.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/openins3d/mask3d/datasets/preprocessing/arkitscenes_preprocessing.py -------------------------------------------------------------------------------- /openins3d/mask3d/datasets/preprocessing/base_preprocessing.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/openins3d/mask3d/datasets/preprocessing/base_preprocessing.py -------------------------------------------------------------------------------- /openins3d/mask3d/datasets/preprocessing/s3dis_preprocessing.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/openins3d/mask3d/datasets/preprocessing/s3dis_preprocessing.py -------------------------------------------------------------------------------- /openins3d/mask3d/datasets/preprocessing/scannet_preprocessing.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/openins3d/mask3d/datasets/preprocessing/scannet_preprocessing.py -------------------------------------------------------------------------------- /openins3d/mask3d/datasets/preprocessing/semantic_kitti_preprocessing.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/openins3d/mask3d/datasets/preprocessing/semantic_kitti_preprocessing.py -------------------------------------------------------------------------------- /openins3d/mask3d/datasets/preprocessing/stpls3d_preprocessing.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/openins3d/mask3d/datasets/preprocessing/stpls3d_preprocessing.py -------------------------------------------------------------------------------- /openins3d/mask3d/datasets/random_cuboid.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/openins3d/mask3d/datasets/random_cuboid.py -------------------------------------------------------------------------------- /openins3d/mask3d/datasets/scannet200/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /openins3d/mask3d/datasets/scannet200/scannet200_constants.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/openins3d/mask3d/datasets/scannet200/scannet200_constants.py -------------------------------------------------------------------------------- /openins3d/mask3d/datasets/scannet200/scannet200_splits.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/openins3d/mask3d/datasets/scannet200/scannet200_splits.py -------------------------------------------------------------------------------- /openins3d/mask3d/datasets/semseg.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/openins3d/mask3d/datasets/semseg.py -------------------------------------------------------------------------------- /openins3d/mask3d/datasets/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/openins3d/mask3d/datasets/utils.py -------------------------------------------------------------------------------- /openins3d/mask3d/get_s3dis.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/openins3d/mask3d/get_s3dis.py -------------------------------------------------------------------------------- /openins3d/mask3d/get_scannet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/openins3d/mask3d/get_scannet.py -------------------------------------------------------------------------------- /openins3d/mask3d/main_instance_segmentation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/openins3d/mask3d/main_instance_segmentation.py -------------------------------------------------------------------------------- /openins3d/mask3d/models/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/openins3d/mask3d/models/__init__.py -------------------------------------------------------------------------------- /openins3d/mask3d/models/criterion.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/openins3d/mask3d/models/criterion.py -------------------------------------------------------------------------------- /openins3d/mask3d/models/mask3d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/openins3d/mask3d/models/mask3d.py -------------------------------------------------------------------------------- /openins3d/mask3d/models/matcher.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/openins3d/mask3d/models/matcher.py -------------------------------------------------------------------------------- /openins3d/mask3d/models/metrics/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/openins3d/mask3d/models/metrics/__init__.py -------------------------------------------------------------------------------- /openins3d/mask3d/models/metrics/confusionmatrix.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/openins3d/mask3d/models/metrics/confusionmatrix.py -------------------------------------------------------------------------------- /openins3d/mask3d/models/metrics/metrics.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/openins3d/mask3d/models/metrics/metrics.py -------------------------------------------------------------------------------- /openins3d/mask3d/models/misc.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/openins3d/mask3d/models/misc.py -------------------------------------------------------------------------------- /openins3d/mask3d/models/model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/openins3d/mask3d/models/model.py -------------------------------------------------------------------------------- /openins3d/mask3d/models/modules/3detr_helpers.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/openins3d/mask3d/models/modules/3detr_helpers.py -------------------------------------------------------------------------------- /openins3d/mask3d/models/modules/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /openins3d/mask3d/models/modules/common.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/openins3d/mask3d/models/modules/common.py -------------------------------------------------------------------------------- /openins3d/mask3d/models/modules/helpers_3detr.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/openins3d/mask3d/models/modules/helpers_3detr.py -------------------------------------------------------------------------------- /openins3d/mask3d/models/modules/resnet_block.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/openins3d/mask3d/models/modules/resnet_block.py -------------------------------------------------------------------------------- /openins3d/mask3d/models/modules/resnet_block.py.tmp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/openins3d/mask3d/models/modules/resnet_block.py.tmp -------------------------------------------------------------------------------- /openins3d/mask3d/models/modules/senet_block.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/openins3d/mask3d/models/modules/senet_block.py -------------------------------------------------------------------------------- /openins3d/mask3d/models/position_embedding.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/openins3d/mask3d/models/position_embedding.py -------------------------------------------------------------------------------- /openins3d/mask3d/models/res16unet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/openins3d/mask3d/models/res16unet.py -------------------------------------------------------------------------------- /openins3d/mask3d/models/resnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/openins3d/mask3d/models/resnet.py -------------------------------------------------------------------------------- /openins3d/mask3d/models/resnet.py.tmp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/openins3d/mask3d/models/resnet.py.tmp -------------------------------------------------------------------------------- /openins3d/mask3d/models/resunet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/openins3d/mask3d/models/resunet.py -------------------------------------------------------------------------------- /openins3d/mask3d/models/wrapper.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/openins3d/mask3d/models/wrapper.py -------------------------------------------------------------------------------- /openins3d/mask3d/predict.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/openins3d/mask3d/predict.py -------------------------------------------------------------------------------- /openins3d/mask3d/scripts/arkitscenes/test.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/openins3d/mask3d/scripts/arkitscenes/test.sh -------------------------------------------------------------------------------- /openins3d/mask3d/scripts/s3dis/s3dis_from_scratch.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/openins3d/mask3d/scripts/s3dis/s3dis_from_scratch.sh -------------------------------------------------------------------------------- /openins3d/mask3d/scripts/s3dis/s3dis_pretrained.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/openins3d/mask3d/scripts/s3dis/s3dis_pretrained.sh -------------------------------------------------------------------------------- /openins3d/mask3d/scripts/scannet/scannet_benchmark.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/openins3d/mask3d/scripts/scannet/scannet_benchmark.sh -------------------------------------------------------------------------------- /openins3d/mask3d/scripts/scannet/scannet_pretrain_for_s3dis.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/openins3d/mask3d/scripts/scannet/scannet_pretrain_for_s3dis.sh -------------------------------------------------------------------------------- /openins3d/mask3d/scripts/scannet/scannet_val.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/openins3d/mask3d/scripts/scannet/scannet_val.sh -------------------------------------------------------------------------------- /openins3d/mask3d/scripts/scannet200/scannet200_benchmark.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/openins3d/mask3d/scripts/scannet200/scannet200_benchmark.sh -------------------------------------------------------------------------------- /openins3d/mask3d/scripts/scannet200/scannet200_val.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/openins3d/mask3d/scripts/scannet200/scannet200_val.sh -------------------------------------------------------------------------------- /openins3d/mask3d/scripts/stpls3d/merge_exports.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/openins3d/mask3d/scripts/stpls3d/merge_exports.py -------------------------------------------------------------------------------- /openins3d/mask3d/scripts/stpls3d/stpls3d_benchmark.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/openins3d/mask3d/scripts/stpls3d/stpls3d_benchmark.sh -------------------------------------------------------------------------------- /openins3d/mask3d/scripts/stpls3d/stpls3d_val.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/openins3d/mask3d/scripts/stpls3d/stpls3d_val.sh -------------------------------------------------------------------------------- /openins3d/mask3d/trainer/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /openins3d/mask3d/trainer/trainer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/openins3d/mask3d/trainer/trainer.py -------------------------------------------------------------------------------- /openins3d/mask3d/utils/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /openins3d/mask3d/utils/gradflow_check.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/openins3d/mask3d/utils/gradflow_check.py -------------------------------------------------------------------------------- /openins3d/mask3d/utils/kfold.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/openins3d/mask3d/utils/kfold.py -------------------------------------------------------------------------------- /openins3d/mask3d/utils/pc_visualizations.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/openins3d/mask3d/utils/pc_visualizations.py -------------------------------------------------------------------------------- /openins3d/mask3d/utils/point_cloud_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/openins3d/mask3d/utils/point_cloud_utils.py -------------------------------------------------------------------------------- /openins3d/mask3d/utils/pointops2/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /openins3d/mask3d/utils/pointops2/functions/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /openins3d/mask3d/utils/pointops2/functions/pointops.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/openins3d/mask3d/utils/pointops2/functions/pointops.py -------------------------------------------------------------------------------- /openins3d/mask3d/utils/pointops2/functions/pointops2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/openins3d/mask3d/utils/pointops2/functions/pointops2.py -------------------------------------------------------------------------------- /openins3d/mask3d/utils/pointops2/functions/pointops_ablation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/openins3d/mask3d/utils/pointops2/functions/pointops_ablation.py -------------------------------------------------------------------------------- /openins3d/mask3d/utils/pointops2/functions/test_attention_op_step1.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/openins3d/mask3d/utils/pointops2/functions/test_attention_op_step1.py -------------------------------------------------------------------------------- /openins3d/mask3d/utils/pointops2/functions/test_attention_op_step1_v2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/openins3d/mask3d/utils/pointops2/functions/test_attention_op_step1_v2.py -------------------------------------------------------------------------------- /openins3d/mask3d/utils/pointops2/functions/test_attention_op_step2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/openins3d/mask3d/utils/pointops2/functions/test_attention_op_step2.py -------------------------------------------------------------------------------- /openins3d/mask3d/utils/pointops2/functions/test_relative_pos_encoding_op_step1.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/openins3d/mask3d/utils/pointops2/functions/test_relative_pos_encoding_op_step1.py -------------------------------------------------------------------------------- /openins3d/mask3d/utils/pointops2/functions/test_relative_pos_encoding_op_step1_v2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/openins3d/mask3d/utils/pointops2/functions/test_relative_pos_encoding_op_step1_v2.py -------------------------------------------------------------------------------- /openins3d/mask3d/utils/pointops2/functions/test_relative_pos_encoding_op_step1_v3.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/openins3d/mask3d/utils/pointops2/functions/test_relative_pos_encoding_op_step1_v3.py -------------------------------------------------------------------------------- /openins3d/mask3d/utils/pointops2/functions/test_relative_pos_encoding_op_step2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/openins3d/mask3d/utils/pointops2/functions/test_relative_pos_encoding_op_step2.py -------------------------------------------------------------------------------- /openins3d/mask3d/utils/pointops2/functions/test_relative_pos_encoding_op_step2_v2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/openins3d/mask3d/utils/pointops2/functions/test_relative_pos_encoding_op_step2_v2.py -------------------------------------------------------------------------------- /openins3d/mask3d/utils/pointops2/setup.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/openins3d/mask3d/utils/pointops2/setup.py -------------------------------------------------------------------------------- /openins3d/mask3d/utils/pointops2/src/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /openins3d/mask3d/utils/pointops2/src/aggregation/aggregation_cuda.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/openins3d/mask3d/utils/pointops2/src/aggregation/aggregation_cuda.cpp -------------------------------------------------------------------------------- /openins3d/mask3d/utils/pointops2/src/aggregation/aggregation_cuda_kernel.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/openins3d/mask3d/utils/pointops2/src/aggregation/aggregation_cuda_kernel.cu -------------------------------------------------------------------------------- /openins3d/mask3d/utils/pointops2/src/aggregation/aggregation_cuda_kernel.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/openins3d/mask3d/utils/pointops2/src/aggregation/aggregation_cuda_kernel.h -------------------------------------------------------------------------------- /openins3d/mask3d/utils/pointops2/src/attention/attention_cuda.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/openins3d/mask3d/utils/pointops2/src/attention/attention_cuda.cpp -------------------------------------------------------------------------------- /openins3d/mask3d/utils/pointops2/src/attention/attention_cuda_kernel.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/openins3d/mask3d/utils/pointops2/src/attention/attention_cuda_kernel.cu -------------------------------------------------------------------------------- /openins3d/mask3d/utils/pointops2/src/attention/attention_cuda_kernel.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/openins3d/mask3d/utils/pointops2/src/attention/attention_cuda_kernel.h -------------------------------------------------------------------------------- /openins3d/mask3d/utils/pointops2/src/attention_v2/attention_cuda_kernel_v2.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/openins3d/mask3d/utils/pointops2/src/attention_v2/attention_cuda_kernel_v2.cu -------------------------------------------------------------------------------- /openins3d/mask3d/utils/pointops2/src/attention_v2/attention_cuda_kernel_v2.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/openins3d/mask3d/utils/pointops2/src/attention_v2/attention_cuda_kernel_v2.h -------------------------------------------------------------------------------- /openins3d/mask3d/utils/pointops2/src/attention_v2/attention_cuda_v2.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/openins3d/mask3d/utils/pointops2/src/attention_v2/attention_cuda_v2.cpp -------------------------------------------------------------------------------- /openins3d/mask3d/utils/pointops2/src/cuda_utils.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/openins3d/mask3d/utils/pointops2/src/cuda_utils.h -------------------------------------------------------------------------------- /openins3d/mask3d/utils/pointops2/src/grouping/grouping_cuda.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/openins3d/mask3d/utils/pointops2/src/grouping/grouping_cuda.cpp -------------------------------------------------------------------------------- /openins3d/mask3d/utils/pointops2/src/grouping/grouping_cuda_kernel.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/openins3d/mask3d/utils/pointops2/src/grouping/grouping_cuda_kernel.cu -------------------------------------------------------------------------------- /openins3d/mask3d/utils/pointops2/src/grouping/grouping_cuda_kernel.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/openins3d/mask3d/utils/pointops2/src/grouping/grouping_cuda_kernel.h -------------------------------------------------------------------------------- /openins3d/mask3d/utils/pointops2/src/interpolation/interpolation_cuda.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/openins3d/mask3d/utils/pointops2/src/interpolation/interpolation_cuda.cpp -------------------------------------------------------------------------------- /openins3d/mask3d/utils/pointops2/src/interpolation/interpolation_cuda_kernel.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/openins3d/mask3d/utils/pointops2/src/interpolation/interpolation_cuda_kernel.cu -------------------------------------------------------------------------------- /openins3d/mask3d/utils/pointops2/src/interpolation/interpolation_cuda_kernel.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/openins3d/mask3d/utils/pointops2/src/interpolation/interpolation_cuda_kernel.h -------------------------------------------------------------------------------- /openins3d/mask3d/utils/pointops2/src/knnquery/knnquery_cuda.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/openins3d/mask3d/utils/pointops2/src/knnquery/knnquery_cuda.cpp -------------------------------------------------------------------------------- /openins3d/mask3d/utils/pointops2/src/knnquery/knnquery_cuda_kernel.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/openins3d/mask3d/utils/pointops2/src/knnquery/knnquery_cuda_kernel.cu -------------------------------------------------------------------------------- /openins3d/mask3d/utils/pointops2/src/knnquery/knnquery_cuda_kernel.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/openins3d/mask3d/utils/pointops2/src/knnquery/knnquery_cuda_kernel.h -------------------------------------------------------------------------------- /openins3d/mask3d/utils/pointops2/src/pointops_api.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/openins3d/mask3d/utils/pointops2/src/pointops_api.cpp -------------------------------------------------------------------------------- /openins3d/mask3d/utils/pointops2/src/rpe/relative_pos_encoding_cuda.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/openins3d/mask3d/utils/pointops2/src/rpe/relative_pos_encoding_cuda.cpp -------------------------------------------------------------------------------- /openins3d/mask3d/utils/pointops2/src/rpe/relative_pos_encoding_cuda_kernel.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/openins3d/mask3d/utils/pointops2/src/rpe/relative_pos_encoding_cuda_kernel.cu -------------------------------------------------------------------------------- /openins3d/mask3d/utils/pointops2/src/rpe/relative_pos_encoding_cuda_kernel.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/openins3d/mask3d/utils/pointops2/src/rpe/relative_pos_encoding_cuda_kernel.h -------------------------------------------------------------------------------- /openins3d/mask3d/utils/pointops2/src/rpe_v2/relative_pos_encoding_cuda_kernel_v2.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/openins3d/mask3d/utils/pointops2/src/rpe_v2/relative_pos_encoding_cuda_kernel_v2.cu -------------------------------------------------------------------------------- /openins3d/mask3d/utils/pointops2/src/rpe_v2/relative_pos_encoding_cuda_kernel_v2.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/openins3d/mask3d/utils/pointops2/src/rpe_v2/relative_pos_encoding_cuda_kernel_v2.h -------------------------------------------------------------------------------- /openins3d/mask3d/utils/pointops2/src/rpe_v2/relative_pos_encoding_cuda_v2.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/openins3d/mask3d/utils/pointops2/src/rpe_v2/relative_pos_encoding_cuda_v2.cpp -------------------------------------------------------------------------------- /openins3d/mask3d/utils/pointops2/src/sampling/sampling_cuda.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/openins3d/mask3d/utils/pointops2/src/sampling/sampling_cuda.cpp -------------------------------------------------------------------------------- /openins3d/mask3d/utils/pointops2/src/sampling/sampling_cuda_kernel.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/openins3d/mask3d/utils/pointops2/src/sampling/sampling_cuda_kernel.cu -------------------------------------------------------------------------------- /openins3d/mask3d/utils/pointops2/src/sampling/sampling_cuda_kernel.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/openins3d/mask3d/utils/pointops2/src/sampling/sampling_cuda_kernel.h -------------------------------------------------------------------------------- /openins3d/mask3d/utils/pointops2/src/subtraction/subtraction_cuda.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/openins3d/mask3d/utils/pointops2/src/subtraction/subtraction_cuda.cpp -------------------------------------------------------------------------------- /openins3d/mask3d/utils/pointops2/src/subtraction/subtraction_cuda_kernel.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/openins3d/mask3d/utils/pointops2/src/subtraction/subtraction_cuda_kernel.cu -------------------------------------------------------------------------------- /openins3d/mask3d/utils/pointops2/src/subtraction/subtraction_cuda_kernel.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/openins3d/mask3d/utils/pointops2/src/subtraction/subtraction_cuda_kernel.h -------------------------------------------------------------------------------- /openins3d/mask3d/utils/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/openins3d/mask3d/utils/utils.py -------------------------------------------------------------------------------- /openins3d/mask3d/utils/votenet_utils/box_util.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/openins3d/mask3d/utils/votenet_utils/box_util.py -------------------------------------------------------------------------------- /openins3d/mask3d/utils/votenet_utils/eval_det.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/openins3d/mask3d/utils/votenet_utils/eval_det.py -------------------------------------------------------------------------------- /openins3d/mask3d/utils/votenet_utils/metric_util.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/openins3d/mask3d/utils/votenet_utils/metric_util.py -------------------------------------------------------------------------------- /openins3d/mask3d/utils/votenet_utils/nms.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/openins3d/mask3d/utils/votenet_utils/nms.py -------------------------------------------------------------------------------- /openins3d/mask3d/utils/votenet_utils/nn_distance.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/openins3d/mask3d/utils/votenet_utils/nn_distance.py -------------------------------------------------------------------------------- /openins3d/mask3d/utils/votenet_utils/pc_util.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/openins3d/mask3d/utils/votenet_utils/pc_util.py -------------------------------------------------------------------------------- /openins3d/mask3d/utils/votenet_utils/tf_logger.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/openins3d/mask3d/utils/votenet_utils/tf_logger.py -------------------------------------------------------------------------------- /openins3d/mask3d/utils/votenet_utils/tf_visualizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/openins3d/mask3d/utils/votenet_utils/tf_visualizer.py -------------------------------------------------------------------------------- /openins3d/snap.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/openins3d/snap.py -------------------------------------------------------------------------------- /openins3d/trival/snap_explore.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/openins3d/trival/snap_explore.ipynb -------------------------------------------------------------------------------- /openins3d/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/openins3d/utils.py -------------------------------------------------------------------------------- /scripts/prepare_demo_single.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/scripts/prepare_demo_single.sh -------------------------------------------------------------------------------- /scripts/prepare_replica.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/scripts/prepare_replica.sh -------------------------------------------------------------------------------- /scripts/prepare_replica2d.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/scripts/prepare_replica2d.sh -------------------------------------------------------------------------------- /scripts/prepare_s3dis.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/scripts/prepare_s3dis.sh -------------------------------------------------------------------------------- /scripts/prepare_scannet.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/scripts/prepare_scannet.sh -------------------------------------------------------------------------------- /scripts/prepare_stpls3d.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/scripts/prepare_stpls3d.sh -------------------------------------------------------------------------------- /scripts/prepare_yoloworld.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/scripts/prepare_yoloworld.sh -------------------------------------------------------------------------------- /scripts/prepare_zero_shot.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/scripts/prepare_zero_shot.sh -------------------------------------------------------------------------------- /scripts/scannetv2_val.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/scripts/scannetv2_val.txt -------------------------------------------------------------------------------- /third_party/YOLO-World/.dockerignore: -------------------------------------------------------------------------------- 1 | docs 2 | Dockerfile -------------------------------------------------------------------------------- /third_party/YOLO-World/.gitattributes: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/.gitattributes -------------------------------------------------------------------------------- /third_party/YOLO-World/.gitmodules: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/.gitmodules -------------------------------------------------------------------------------- /third_party/YOLO-World/Dockerfile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/Dockerfile -------------------------------------------------------------------------------- /third_party/YOLO-World/LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/LICENSE -------------------------------------------------------------------------------- /third_party/YOLO-World/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/README.md -------------------------------------------------------------------------------- /third_party/YOLO-World/configs/finetune_coco/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/configs/finetune_coco/README.md -------------------------------------------------------------------------------- /third_party/YOLO-World/configs/finetune_coco/yolo_world_l_dual_vlpan_2e-4_80e_8gpus_finetune_coco.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/configs/finetune_coco/yolo_world_l_dual_vlpan_2e-4_80e_8gpus_finetune_coco.py -------------------------------------------------------------------------------- /third_party/YOLO-World/configs/pretrain_v1/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/configs/pretrain_v1/README.md -------------------------------------------------------------------------------- /third_party/YOLO-World/configs/prompt_tuning_coco/READEME.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/configs/prompt_tuning_coco/READEME.md -------------------------------------------------------------------------------- /third_party/YOLO-World/configs/segmentation/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/configs/segmentation/README.md -------------------------------------------------------------------------------- /third_party/YOLO-World/data/texts/coco_class_texts.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/data/texts/coco_class_texts.json -------------------------------------------------------------------------------- /third_party/YOLO-World/data/texts/lvis_v1_base_class_captions.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/data/texts/lvis_v1_base_class_captions.json -------------------------------------------------------------------------------- /third_party/YOLO-World/data/texts/lvis_v1_class_texts.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/data/texts/lvis_v1_class_texts.json -------------------------------------------------------------------------------- /third_party/YOLO-World/data/texts/obj365v1_class_texts.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/data/texts/obj365v1_class_texts.json -------------------------------------------------------------------------------- /third_party/YOLO-World/demo/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/demo/README.md -------------------------------------------------------------------------------- /third_party/YOLO-World/demo/gradio_demo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/demo/gradio_demo.py -------------------------------------------------------------------------------- /third_party/YOLO-World/demo/image_demo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/demo/image_demo.py -------------------------------------------------------------------------------- /third_party/YOLO-World/demo/inference.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/demo/inference.ipynb -------------------------------------------------------------------------------- /third_party/YOLO-World/demo/simple_demo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/demo/simple_demo.py -------------------------------------------------------------------------------- /third_party/YOLO-World/demo/video_demo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/demo/video_demo.py -------------------------------------------------------------------------------- /third_party/YOLO-World/deploy/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /third_party/YOLO-World/deploy/easydeploy/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/deploy/easydeploy/README.md -------------------------------------------------------------------------------- /third_party/YOLO-World/deploy/easydeploy/README_zh-CN.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/deploy/easydeploy/README_zh-CN.md -------------------------------------------------------------------------------- /third_party/YOLO-World/deploy/easydeploy/backbone/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/deploy/easydeploy/backbone/__init__.py -------------------------------------------------------------------------------- /third_party/YOLO-World/deploy/easydeploy/backbone/common.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/deploy/easydeploy/backbone/common.py -------------------------------------------------------------------------------- /third_party/YOLO-World/deploy/easydeploy/backbone/focus.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/deploy/easydeploy/backbone/focus.py -------------------------------------------------------------------------------- /third_party/YOLO-World/deploy/easydeploy/bbox_code/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/deploy/easydeploy/bbox_code/__init__.py -------------------------------------------------------------------------------- /third_party/YOLO-World/deploy/easydeploy/bbox_code/bbox_coder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/deploy/easydeploy/bbox_code/bbox_coder.py -------------------------------------------------------------------------------- /third_party/YOLO-World/deploy/easydeploy/deepstream/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/deploy/easydeploy/deepstream/CMakeLists.txt -------------------------------------------------------------------------------- /third_party/YOLO-World/deploy/easydeploy/deepstream/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/deploy/easydeploy/deepstream/README.md -------------------------------------------------------------------------------- /third_party/YOLO-World/deploy/easydeploy/deepstream/README_zh-CN.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/deploy/easydeploy/deepstream/README_zh-CN.md -------------------------------------------------------------------------------- /third_party/YOLO-World/deploy/easydeploy/deepstream/coco_labels.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/deploy/easydeploy/deepstream/coco_labels.txt -------------------------------------------------------------------------------- /third_party/YOLO-World/deploy/easydeploy/deepstream/configs/config_infer_rtmdet.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/deploy/easydeploy/deepstream/configs/config_infer_rtmdet.txt -------------------------------------------------------------------------------- /third_party/YOLO-World/deploy/easydeploy/deepstream/configs/config_infer_yolov5.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/deploy/easydeploy/deepstream/configs/config_infer_yolov5.txt -------------------------------------------------------------------------------- /third_party/YOLO-World/deploy/easydeploy/deepstream/configs/config_infer_yolov8.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/deploy/easydeploy/deepstream/configs/config_infer_yolov8.txt -------------------------------------------------------------------------------- /third_party/YOLO-World/deploy/easydeploy/deepstream/deepstream_app_config.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/deploy/easydeploy/deepstream/deepstream_app_config.txt -------------------------------------------------------------------------------- /third_party/YOLO-World/deploy/easydeploy/docs/model_convert.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/deploy/easydeploy/docs/model_convert.md -------------------------------------------------------------------------------- /third_party/YOLO-World/deploy/easydeploy/examples/config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/deploy/easydeploy/examples/config.py -------------------------------------------------------------------------------- /third_party/YOLO-World/deploy/easydeploy/examples/cv2_nms.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/deploy/easydeploy/examples/cv2_nms.py -------------------------------------------------------------------------------- /third_party/YOLO-World/deploy/easydeploy/examples/main_onnxruntime.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/deploy/easydeploy/examples/main_onnxruntime.py -------------------------------------------------------------------------------- /third_party/YOLO-World/deploy/easydeploy/examples/numpy_coder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/deploy/easydeploy/examples/numpy_coder.py -------------------------------------------------------------------------------- /third_party/YOLO-World/deploy/easydeploy/examples/preprocess.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/deploy/easydeploy/examples/preprocess.py -------------------------------------------------------------------------------- /third_party/YOLO-World/deploy/easydeploy/examples/requirements.txt: -------------------------------------------------------------------------------- 1 | onnxruntime 2 | opencv-python==4.7.0.72 3 | -------------------------------------------------------------------------------- /third_party/YOLO-World/deploy/easydeploy/model/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/deploy/easydeploy/model/__init__.py -------------------------------------------------------------------------------- /third_party/YOLO-World/deploy/easydeploy/model/backend.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/deploy/easydeploy/model/backend.py -------------------------------------------------------------------------------- /third_party/YOLO-World/deploy/easydeploy/model/backendwrapper.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/deploy/easydeploy/model/backendwrapper.py -------------------------------------------------------------------------------- /third_party/YOLO-World/deploy/easydeploy/model/model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/deploy/easydeploy/model/model.py -------------------------------------------------------------------------------- /third_party/YOLO-World/deploy/easydeploy/nms/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/deploy/easydeploy/nms/__init__.py -------------------------------------------------------------------------------- /third_party/YOLO-World/deploy/easydeploy/nms/ort_nms.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/deploy/easydeploy/nms/ort_nms.py -------------------------------------------------------------------------------- /third_party/YOLO-World/deploy/easydeploy/nms/trt_nms.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/deploy/easydeploy/nms/trt_nms.py -------------------------------------------------------------------------------- /third_party/YOLO-World/deploy/easydeploy/onnx_demo.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /third_party/YOLO-World/deploy/easydeploy/tools/build_engine.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/deploy/easydeploy/tools/build_engine.py -------------------------------------------------------------------------------- /third_party/YOLO-World/deploy/easydeploy/tools/export_onnx.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/deploy/easydeploy/tools/export_onnx.py -------------------------------------------------------------------------------- /third_party/YOLO-World/deploy/easydeploy/tools/image-demo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/deploy/easydeploy/tools/image-demo.py -------------------------------------------------------------------------------- /third_party/YOLO-World/deploy/export_onnx.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/deploy/export_onnx.py -------------------------------------------------------------------------------- /third_party/YOLO-World/deploy/onnx_demo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/deploy/onnx_demo.py -------------------------------------------------------------------------------- /third_party/YOLO-World/deploy/tflite_demo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/deploy/tflite_demo.py -------------------------------------------------------------------------------- /third_party/YOLO-World/docs/data.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/docs/data.md -------------------------------------------------------------------------------- /third_party/YOLO-World/docs/deploy.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/docs/deploy.md -------------------------------------------------------------------------------- /third_party/YOLO-World/docs/faq.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/docs/faq.md -------------------------------------------------------------------------------- /third_party/YOLO-World/docs/finetuning.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/docs/finetuning.md -------------------------------------------------------------------------------- /third_party/YOLO-World/docs/installation.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/docs/installation.md -------------------------------------------------------------------------------- /third_party/YOLO-World/docs/prompt_yolo_world.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/docs/prompt_yolo_world.md -------------------------------------------------------------------------------- /third_party/YOLO-World/docs/reparameterize.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/docs/reparameterize.md -------------------------------------------------------------------------------- /third_party/YOLO-World/docs/tflite_deploy.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/docs/tflite_deploy.md -------------------------------------------------------------------------------- /third_party/YOLO-World/docs/updates.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/docs/updates.md -------------------------------------------------------------------------------- /third_party/YOLO-World/pyproject.toml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/pyproject.toml -------------------------------------------------------------------------------- /third_party/YOLO-World/requirements/basic_requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/requirements/basic_requirements.txt -------------------------------------------------------------------------------- /third_party/YOLO-World/requirements/demo_requirements.txt: -------------------------------------------------------------------------------- 1 | gradio==4.16.0 2 | supervision -------------------------------------------------------------------------------- /third_party/YOLO-World/requirements/onnx_requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/requirements/onnx_requirements.txt -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/.circleci/config.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/.circleci/config.yml -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/.circleci/docker/Dockerfile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/.circleci/docker/Dockerfile -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/.circleci/test.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/.circleci/test.yml -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/.dev_scripts/gather_models.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/.dev_scripts/gather_models.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/.dev_scripts/print_registers.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/.dev_scripts/print_registers.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/.github/CODE_OF_CONDUCT.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/.github/CODE_OF_CONDUCT.md -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/.github/CONTRIBUTING.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/.github/CONTRIBUTING.md -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/.github/ISSUE_TEMPLATE/1-bug-report.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/.github/ISSUE_TEMPLATE/1-bug-report.yml -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/.github/ISSUE_TEMPLATE/2-feature-request.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/.github/ISSUE_TEMPLATE/2-feature-request.yml -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/.github/ISSUE_TEMPLATE/3-new-model.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/.github/ISSUE_TEMPLATE/3-new-model.yml -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/.github/ISSUE_TEMPLATE/4-documentation.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/.github/ISSUE_TEMPLATE/4-documentation.yml -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/.github/ISSUE_TEMPLATE/5-reimplementation.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/.github/ISSUE_TEMPLATE/5-reimplementation.yml -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/.github/ISSUE_TEMPLATE/config.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/.github/ISSUE_TEMPLATE/config.yml -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/.github/pull_request_template.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/.github/pull_request_template.md -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/.github/workflows/deploy.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/.github/workflows/deploy.yml -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/.pre-commit-config-zh-cn.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/.pre-commit-config-zh-cn.yaml -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/.pre-commit-config.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/.pre-commit-config.yaml -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/.readthedocs.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/.readthedocs.yml -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/LICENSE -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/MANIFEST.in: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/MANIFEST.in -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/README.md -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/README_zh-CN.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/README_zh-CN.md -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/configs/_base_/default_runtime.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/configs/_base_/default_runtime.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/configs/_base_/det_p5_tta.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/configs/_base_/det_p5_tta.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/configs/_base_/pose/coco.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/configs/_base_/pose/coco.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/configs/deploy/base_dynamic.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/configs/deploy/base_dynamic.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/configs/deploy/base_static.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/configs/deploy/base_static.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/configs/deploy/detection_onnxruntime_dynamic.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/configs/deploy/detection_onnxruntime_dynamic.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/configs/deploy/detection_onnxruntime_static.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/configs/deploy/detection_onnxruntime_static.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/configs/deploy/detection_rknn-fp16_static-320x320.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/configs/deploy/detection_rknn-fp16_static-320x320.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/configs/deploy/detection_rknn-int8_static-320x320.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/configs/deploy/detection_rknn-int8_static-320x320.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/configs/deploy/detection_tensorrt-fp16_static-640x640.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/configs/deploy/detection_tensorrt-fp16_static-640x640.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/configs/deploy/detection_tensorrt-int8_static-640x640.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/configs/deploy/detection_tensorrt-int8_static-640x640.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/configs/deploy/detection_tensorrt_static-640x640.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/configs/deploy/detection_tensorrt_static-640x640.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/configs/deploy/model/yolov5_s-static.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/configs/deploy/model/yolov5_s-static.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/configs/deploy/model/yolov6_s-static.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/configs/deploy/model/yolov6_s-static.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/configs/ppyoloe/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/configs/ppyoloe/README.md -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/configs/ppyoloe/metafile.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/configs/ppyoloe/metafile.yml -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/configs/ppyoloe/ppyoloe_l_fast_8xb20-300e_coco.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/configs/ppyoloe/ppyoloe_l_fast_8xb20-300e_coco.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/configs/ppyoloe/ppyoloe_m_fast_8xb28-300e_coco.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/configs/ppyoloe/ppyoloe_m_fast_8xb28-300e_coco.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/configs/ppyoloe/ppyoloe_plus_l_fast_8xb8-80e_coco.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/configs/ppyoloe/ppyoloe_plus_l_fast_8xb8-80e_coco.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/configs/ppyoloe/ppyoloe_plus_m_fast_8xb8-80e_coco.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/configs/ppyoloe/ppyoloe_plus_m_fast_8xb8-80e_coco.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/configs/ppyoloe/ppyoloe_plus_s_fast_1xb12-40e_cat.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/configs/ppyoloe/ppyoloe_plus_s_fast_1xb12-40e_cat.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/configs/ppyoloe/ppyoloe_plus_s_fast_8xb8-80e_coco.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/configs/ppyoloe/ppyoloe_plus_s_fast_8xb8-80e_coco.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/configs/ppyoloe/ppyoloe_plus_x_fast_8xb8-80e_coco.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/configs/ppyoloe/ppyoloe_plus_x_fast_8xb8-80e_coco.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/configs/ppyoloe/ppyoloe_s_fast_8xb32-300e_coco.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/configs/ppyoloe/ppyoloe_s_fast_8xb32-300e_coco.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/configs/ppyoloe/ppyoloe_s_fast_8xb32-400e_coco.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/configs/ppyoloe/ppyoloe_s_fast_8xb32-400e_coco.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/configs/ppyoloe/ppyoloe_x_fast_8xb16-300e_coco.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/configs/ppyoloe/ppyoloe_x_fast_8xb16-300e_coco.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/configs/razor/subnets/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/configs/razor/subnets/README.md -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/configs/rtmdet/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/configs/rtmdet/README.md -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/configs/rtmdet/cspnext_imagenet_pretrain/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/configs/rtmdet/cspnext_imagenet_pretrain/README.md -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/configs/rtmdet/distillation/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/configs/rtmdet/distillation/README.md -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/configs/rtmdet/distillation/kd_l_rtmdet_x_neck_300e_coco.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/configs/rtmdet/distillation/kd_l_rtmdet_x_neck_300e_coco.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/configs/rtmdet/distillation/kd_m_rtmdet_l_neck_300e_coco.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/configs/rtmdet/distillation/kd_m_rtmdet_l_neck_300e_coco.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/configs/rtmdet/distillation/kd_s_rtmdet_m_neck_300e_coco.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/configs/rtmdet/distillation/kd_s_rtmdet_m_neck_300e_coco.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/configs/rtmdet/metafile.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/configs/rtmdet/metafile.yml -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/configs/rtmdet/rotated/rtmdet-r_s_fast_1xb8-36e_dota-ms.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/configs/rtmdet/rotated/rtmdet-r_s_fast_1xb8-36e_dota-ms.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/configs/rtmdet/rotated/rtmdet-r_s_fast_1xb8-36e_dota.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/configs/rtmdet/rotated/rtmdet-r_s_fast_1xb8-36e_dota.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/configs/rtmdet/rotated/rtmdet-r_tiny_fast_1xb8-36e_dota.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/configs/rtmdet/rotated/rtmdet-r_tiny_fast_1xb8-36e_dota.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/configs/rtmdet/rtmdet-ins_s_syncbn_fast_8xb32-300e_coco.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/configs/rtmdet/rtmdet-ins_s_syncbn_fast_8xb32-300e_coco.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/configs/rtmdet/rtmdet_l_syncbn_fast_8xb32-300e_coco.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/configs/rtmdet/rtmdet_l_syncbn_fast_8xb32-300e_coco.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/configs/rtmdet/rtmdet_m_syncbn_fast_8xb32-300e_coco.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/configs/rtmdet/rtmdet_m_syncbn_fast_8xb32-300e_coco.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/configs/rtmdet/rtmdet_s_syncbn_fast_8xb32-300e_coco.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/configs/rtmdet/rtmdet_s_syncbn_fast_8xb32-300e_coco.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/configs/rtmdet/rtmdet_tiny_fast_1xb12-40e_cat.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/configs/rtmdet/rtmdet_tiny_fast_1xb12-40e_cat.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/configs/rtmdet/rtmdet_tiny_syncbn_fast_8xb32-300e_coco.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/configs/rtmdet/rtmdet_tiny_syncbn_fast_8xb32-300e_coco.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/configs/rtmdet/rtmdet_x_syncbn_fast_8xb32-300e_coco.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/configs/rtmdet/rtmdet_x_syncbn_fast_8xb32-300e_coco.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/configs/yolov5/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/configs/yolov5/README.md -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/configs/yolov5/metafile.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/configs/yolov5/metafile.yml -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/configs/yolov5/voc/yolov5_l-v61_fast_1xb32-50e_voc.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/configs/yolov5/voc/yolov5_l-v61_fast_1xb32-50e_voc.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/configs/yolov5/voc/yolov5_m-v61_fast_1xb64-50e_voc.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/configs/yolov5/voc/yolov5_m-v61_fast_1xb64-50e_voc.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/configs/yolov5/voc/yolov5_n-v61_fast_1xb64-50e_voc.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/configs/yolov5/voc/yolov5_n-v61_fast_1xb64-50e_voc.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/configs/yolov5/voc/yolov5_s-v61_fast_1xb64-50e_voc.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/configs/yolov5/voc/yolov5_s-v61_fast_1xb64-50e_voc.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/configs/yolov5/voc/yolov5_x-v61_fast_1xb32-50e_voc.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/configs/yolov5/voc/yolov5_x-v61_fast_1xb32-50e_voc.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/configs/yolov5/yolov5_l-v61_syncbn_fast_8xb16-300e_coco.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/configs/yolov5/yolov5_l-v61_syncbn_fast_8xb16-300e_coco.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/configs/yolov5/yolov5_m-v61_syncbn_fast_8xb16-300e_coco.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/configs/yolov5/yolov5_m-v61_syncbn_fast_8xb16-300e_coco.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/configs/yolov5/yolov5_n-v61_syncbn_fast_8xb16-300e_coco.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/configs/yolov5/yolov5_n-v61_syncbn_fast_8xb16-300e_coco.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/configs/yolov5/yolov5_s-v61_fast_1xb12-40e_608x352_cat.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/configs/yolov5/yolov5_s-v61_fast_1xb12-40e_608x352_cat.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/configs/yolov5/yolov5_s-v61_fast_1xb12-40e_cat.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/configs/yolov5/yolov5_s-v61_fast_1xb12-40e_cat.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/configs/yolov5/yolov5_s-v61_fast_1xb12-ms-40e_cat.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/configs/yolov5/yolov5_s-v61_fast_1xb12-ms-40e_cat.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/configs/yolov5/yolov5_s-v61_syncbn_8xb16-300e_coco.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/configs/yolov5/yolov5_s-v61_syncbn_8xb16-300e_coco.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/configs/yolov5/yolov5_s-v61_syncbn_fast_8xb16-300e_coco.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/configs/yolov5/yolov5_s-v61_syncbn_fast_8xb16-300e_coco.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/configs/yolov5/yolov5_x-v61_syncbn_fast_8xb16-300e_coco.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/configs/yolov5/yolov5_x-v61_syncbn_fast_8xb16-300e_coco.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/configs/yolov6/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/configs/yolov6/README.md -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/configs/yolov6/metafile.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/configs/yolov6/metafile.yml -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/configs/yolov6/yolov6_l_syncbn_fast_8xb32-300e_coco.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/configs/yolov6/yolov6_l_syncbn_fast_8xb32-300e_coco.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/configs/yolov6/yolov6_m_syncbn_fast_8xb32-300e_coco.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/configs/yolov6/yolov6_m_syncbn_fast_8xb32-300e_coco.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/configs/yolov6/yolov6_n_syncbn_fast_8xb32-300e_coco.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/configs/yolov6/yolov6_n_syncbn_fast_8xb32-300e_coco.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/configs/yolov6/yolov6_n_syncbn_fast_8xb32-400e_coco.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/configs/yolov6/yolov6_n_syncbn_fast_8xb32-400e_coco.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/configs/yolov6/yolov6_s_fast_1xb12-40e_cat.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/configs/yolov6/yolov6_s_fast_1xb12-40e_cat.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/configs/yolov6/yolov6_s_syncbn_fast_8xb32-300e_coco.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/configs/yolov6/yolov6_s_syncbn_fast_8xb32-300e_coco.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/configs/yolov6/yolov6_s_syncbn_fast_8xb32-400e_coco.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/configs/yolov6/yolov6_s_syncbn_fast_8xb32-400e_coco.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/configs/yolov6/yolov6_t_syncbn_fast_8xb32-300e_coco.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/configs/yolov6/yolov6_t_syncbn_fast_8xb32-300e_coco.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/configs/yolov6/yolov6_t_syncbn_fast_8xb32-400e_coco.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/configs/yolov6/yolov6_t_syncbn_fast_8xb32-400e_coco.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/configs/yolov6/yolov6_v3_l_syncbn_fast_8xb32-300e_coco.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/configs/yolov6/yolov6_v3_l_syncbn_fast_8xb32-300e_coco.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/configs/yolov6/yolov6_v3_m_syncbn_fast_8xb32-300e_coco.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/configs/yolov6/yolov6_v3_m_syncbn_fast_8xb32-300e_coco.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/configs/yolov6/yolov6_v3_n_syncbn_fast_8xb32-300e_coco.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/configs/yolov6/yolov6_v3_n_syncbn_fast_8xb32-300e_coco.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/configs/yolov6/yolov6_v3_s_syncbn_fast_8xb32-300e_coco.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/configs/yolov6/yolov6_v3_s_syncbn_fast_8xb32-300e_coco.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/configs/yolov6/yolov6_v3_t_syncbn_fast_8xb32-300e_coco.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/configs/yolov6/yolov6_v3_t_syncbn_fast_8xb32-300e_coco.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/configs/yolov7/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/configs/yolov7/README.md -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/configs/yolov7/metafile.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/configs/yolov7/metafile.yml -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/configs/yolov7/yolov7_d-p6_syncbn_fast_8x16b-300e_coco.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/configs/yolov7/yolov7_d-p6_syncbn_fast_8x16b-300e_coco.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/configs/yolov7/yolov7_e-p6_syncbn_fast_8x16b-300e_coco.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/configs/yolov7/yolov7_e-p6_syncbn_fast_8x16b-300e_coco.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/configs/yolov7/yolov7_l_syncbn_fast_8x16b-300e_coco.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/configs/yolov7/yolov7_l_syncbn_fast_8x16b-300e_coco.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/configs/yolov7/yolov7_tiny_fast_1xb12-40e_cat.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/configs/yolov7/yolov7_tiny_fast_1xb12-40e_cat.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/configs/yolov7/yolov7_tiny_syncbn_fast_8x16b-300e_coco.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/configs/yolov7/yolov7_tiny_syncbn_fast_8x16b-300e_coco.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/configs/yolov7/yolov7_w-p6_syncbn_fast_8x16b-300e_coco.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/configs/yolov7/yolov7_w-p6_syncbn_fast_8x16b-300e_coco.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/configs/yolov7/yolov7_x_syncbn_fast_8x16b-300e_coco.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/configs/yolov7/yolov7_x_syncbn_fast_8x16b-300e_coco.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/configs/yolov8/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/configs/yolov8/README.md -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/configs/yolov8/metafile.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/configs/yolov8/metafile.yml -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/configs/yolov8/yolov8_l_syncbn_fast_8xb16-500e_coco.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/configs/yolov8/yolov8_l_syncbn_fast_8xb16-500e_coco.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/configs/yolov8/yolov8_m_syncbn_fast_8xb16-500e_coco.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/configs/yolov8/yolov8_m_syncbn_fast_8xb16-500e_coco.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/configs/yolov8/yolov8_n_syncbn_fast_8xb16-500e_coco.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/configs/yolov8/yolov8_n_syncbn_fast_8xb16-500e_coco.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/configs/yolov8/yolov8_s_fast_1xb12-40e_cat.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/configs/yolov8/yolov8_s_fast_1xb12-40e_cat.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/configs/yolov8/yolov8_s_syncbn_fast_8xb16-500e_coco.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/configs/yolov8/yolov8_s_syncbn_fast_8xb16-500e_coco.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/configs/yolov8/yolov8_x_syncbn_fast_8xb16-500e_coco.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/configs/yolov8/yolov8_x_syncbn_fast_8xb16-500e_coco.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/configs/yolox/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/configs/yolox/README.md -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/configs/yolox/metafile.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/configs/yolox/metafile.yml -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/configs/yolox/yolox_l_fast_8xb8-300e_coco.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/configs/yolox/yolox_l_fast_8xb8-300e_coco.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/configs/yolox/yolox_m_fast_8xb32-300e-rtmdet-hyp_coco.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/configs/yolox/yolox_m_fast_8xb32-300e-rtmdet-hyp_coco.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/configs/yolox/yolox_m_fast_8xb8-300e_coco.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/configs/yolox/yolox_m_fast_8xb8-300e_coco.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/configs/yolox/yolox_nano_fast_8xb8-300e_coco.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/configs/yolox/yolox_nano_fast_8xb8-300e_coco.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/configs/yolox/yolox_p5_tta.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/configs/yolox/yolox_p5_tta.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/configs/yolox/yolox_s_fast_1xb12-40e-rtmdet-hyp_cat.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/configs/yolox/yolox_s_fast_1xb12-40e-rtmdet-hyp_cat.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/configs/yolox/yolox_s_fast_8xb32-300e-rtmdet-hyp_coco.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/configs/yolox/yolox_s_fast_8xb32-300e-rtmdet-hyp_coco.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/configs/yolox/yolox_s_fast_8xb8-300e_coco.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/configs/yolox/yolox_s_fast_8xb8-300e_coco.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/configs/yolox/yolox_tiny_fast_8xb8-300e_coco.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/configs/yolox/yolox_tiny_fast_8xb8-300e_coco.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/configs/yolox/yolox_x_fast_8xb8-300e_coco.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/configs/yolox/yolox_x_fast_8xb8-300e_coco.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/demo/15_minutes_instance_segmentation.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/demo/15_minutes_instance_segmentation.ipynb -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/demo/15_minutes_object_detection.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/demo/15_minutes_object_detection.ipynb -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/demo/boxam_vis_demo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/demo/boxam_vis_demo.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/demo/deploy_demo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/demo/deploy_demo.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/demo/featmap_vis_demo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/demo/featmap_vis_demo.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/demo/image_demo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/demo/image_demo.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/demo/large_image_demo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/demo/large_image_demo.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/demo/video_demo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/demo/video_demo.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/docker/Dockerfile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/docker/Dockerfile -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/docker/Dockerfile_deployment: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/docker/Dockerfile_deployment -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/mmyolo/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/mmyolo/__init__.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/mmyolo/datasets/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/mmyolo/datasets/__init__.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/mmyolo/datasets/pose_coco.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/mmyolo/datasets/pose_coco.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/mmyolo/datasets/transforms/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/mmyolo/datasets/transforms/__init__.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/mmyolo/datasets/transforms/formatting.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/mmyolo/datasets/transforms/formatting.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/mmyolo/datasets/transforms/keypoint_structure.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/mmyolo/datasets/transforms/keypoint_structure.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/mmyolo/datasets/transforms/mix_img_transforms.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/mmyolo/datasets/transforms/mix_img_transforms.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/mmyolo/datasets/transforms/transforms.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/mmyolo/datasets/transforms/transforms.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/mmyolo/datasets/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/mmyolo/datasets/utils.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/mmyolo/datasets/yolov5_coco.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/mmyolo/datasets/yolov5_coco.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/mmyolo/datasets/yolov5_crowdhuman.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/mmyolo/datasets/yolov5_crowdhuman.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/mmyolo/datasets/yolov5_dota.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/mmyolo/datasets/yolov5_dota.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/mmyolo/datasets/yolov5_voc.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/mmyolo/datasets/yolov5_voc.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/mmyolo/deploy/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/mmyolo/deploy/__init__.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/mmyolo/deploy/models/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/mmyolo/deploy/models/__init__.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/mmyolo/deploy/models/dense_heads/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/mmyolo/deploy/models/dense_heads/__init__.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/mmyolo/deploy/models/dense_heads/yolov5_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/mmyolo/deploy/models/dense_heads/yolov5_head.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/mmyolo/deploy/models/layers/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/mmyolo/deploy/models/layers/__init__.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/mmyolo/deploy/models/layers/bbox_nms.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/mmyolo/deploy/models/layers/bbox_nms.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/mmyolo/deploy/object_detection.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/mmyolo/deploy/object_detection.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/mmyolo/engine/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/mmyolo/engine/__init__.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/mmyolo/engine/hooks/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/mmyolo/engine/hooks/__init__.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/mmyolo/engine/hooks/ppyoloe_param_scheduler_hook.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/mmyolo/engine/hooks/ppyoloe_param_scheduler_hook.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/mmyolo/engine/hooks/switch_to_deploy_hook.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/mmyolo/engine/hooks/switch_to_deploy_hook.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/mmyolo/engine/hooks/yolov5_param_scheduler_hook.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/mmyolo/engine/hooks/yolov5_param_scheduler_hook.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/mmyolo/engine/hooks/yolox_mode_switch_hook.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/mmyolo/engine/hooks/yolox_mode_switch_hook.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/mmyolo/engine/optimizers/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/mmyolo/engine/optimizers/__init__.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/mmyolo/engine/optimizers/yolov5_optim_constructor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/mmyolo/engine/optimizers/yolov5_optim_constructor.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/mmyolo/models/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/mmyolo/models/__init__.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/mmyolo/models/backbones/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/mmyolo/models/backbones/__init__.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/mmyolo/models/backbones/base_backbone.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/mmyolo/models/backbones/base_backbone.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/mmyolo/models/backbones/csp_darknet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/mmyolo/models/backbones/csp_darknet.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/mmyolo/models/backbones/csp_resnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/mmyolo/models/backbones/csp_resnet.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/mmyolo/models/backbones/cspnext.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/mmyolo/models/backbones/cspnext.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/mmyolo/models/backbones/efficient_rep.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/mmyolo/models/backbones/efficient_rep.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/mmyolo/models/backbones/yolov7_backbone.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/mmyolo/models/backbones/yolov7_backbone.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/mmyolo/models/data_preprocessors/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/mmyolo/models/data_preprocessors/__init__.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/mmyolo/models/data_preprocessors/data_preprocessor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/mmyolo/models/data_preprocessors/data_preprocessor.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/mmyolo/models/dense_heads/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/mmyolo/models/dense_heads/__init__.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/mmyolo/models/dense_heads/ppyoloe_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/mmyolo/models/dense_heads/ppyoloe_head.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/mmyolo/models/dense_heads/rtmdet_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/mmyolo/models/dense_heads/rtmdet_head.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/mmyolo/models/dense_heads/rtmdet_ins_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/mmyolo/models/dense_heads/rtmdet_ins_head.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/mmyolo/models/dense_heads/rtmdet_rotated_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/mmyolo/models/dense_heads/rtmdet_rotated_head.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/mmyolo/models/dense_heads/yolov5_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/mmyolo/models/dense_heads/yolov5_head.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/mmyolo/models/dense_heads/yolov5_ins_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/mmyolo/models/dense_heads/yolov5_ins_head.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/mmyolo/models/dense_heads/yolov6_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/mmyolo/models/dense_heads/yolov6_head.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/mmyolo/models/dense_heads/yolov7_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/mmyolo/models/dense_heads/yolov7_head.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/mmyolo/models/dense_heads/yolov8_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/mmyolo/models/dense_heads/yolov8_head.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/mmyolo/models/dense_heads/yolox_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/mmyolo/models/dense_heads/yolox_head.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/mmyolo/models/dense_heads/yolox_pose_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/mmyolo/models/dense_heads/yolox_pose_head.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/mmyolo/models/detectors/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/mmyolo/models/detectors/__init__.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/mmyolo/models/detectors/yolo_detector.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/mmyolo/models/detectors/yolo_detector.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/mmyolo/models/layers/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/mmyolo/models/layers/__init__.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/mmyolo/models/layers/ema.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/mmyolo/models/layers/ema.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/mmyolo/models/layers/yolo_bricks.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/mmyolo/models/layers/yolo_bricks.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/mmyolo/models/losses/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/mmyolo/models/losses/__init__.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/mmyolo/models/losses/iou_loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/mmyolo/models/losses/iou_loss.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/mmyolo/models/losses/oks_loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/mmyolo/models/losses/oks_loss.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/mmyolo/models/necks/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/mmyolo/models/necks/__init__.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/mmyolo/models/necks/base_yolo_neck.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/mmyolo/models/necks/base_yolo_neck.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/mmyolo/models/necks/cspnext_pafpn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/mmyolo/models/necks/cspnext_pafpn.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/mmyolo/models/necks/ppyoloe_csppan.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/mmyolo/models/necks/ppyoloe_csppan.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/mmyolo/models/necks/yolov5_pafpn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/mmyolo/models/necks/yolov5_pafpn.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/mmyolo/models/necks/yolov6_pafpn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/mmyolo/models/necks/yolov6_pafpn.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/mmyolo/models/necks/yolov7_pafpn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/mmyolo/models/necks/yolov7_pafpn.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/mmyolo/models/necks/yolov8_pafpn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/mmyolo/models/necks/yolov8_pafpn.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/mmyolo/models/necks/yolox_pafpn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/mmyolo/models/necks/yolox_pafpn.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/mmyolo/models/plugins/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/mmyolo/models/plugins/__init__.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/mmyolo/models/plugins/cbam.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/mmyolo/models/plugins/cbam.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/mmyolo/models/task_modules/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/mmyolo/models/task_modules/__init__.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/mmyolo/models/task_modules/assigners/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/mmyolo/models/task_modules/assigners/__init__.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/mmyolo/models/task_modules/assigners/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/mmyolo/models/task_modules/assigners/utils.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/mmyolo/models/task_modules/coders/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/mmyolo/models/task_modules/coders/__init__.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/mmyolo/models/task_modules/coders/yolov5_bbox_coder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/mmyolo/models/task_modules/coders/yolov5_bbox_coder.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/mmyolo/models/task_modules/coders/yolox_bbox_coder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/mmyolo/models/task_modules/coders/yolox_bbox_coder.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/mmyolo/models/utils/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/mmyolo/models/utils/__init__.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/mmyolo/models/utils/misc.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/mmyolo/models/utils/misc.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/mmyolo/registry.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/mmyolo/registry.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/mmyolo/testing/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/mmyolo/testing/__init__.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/mmyolo/testing/_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/mmyolo/testing/_utils.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/mmyolo/utils/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/mmyolo/utils/__init__.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/mmyolo/utils/boxam_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/mmyolo/utils/boxam_utils.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/mmyolo/utils/collect_env.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/mmyolo/utils/collect_env.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/mmyolo/utils/labelme_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/mmyolo/utils/labelme_utils.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/mmyolo/utils/large_image.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/mmyolo/utils/large_image.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/mmyolo/utils/misc.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/mmyolo/utils/misc.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/mmyolo/utils/setup_env.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/mmyolo/utils/setup_env.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/mmyolo/version.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/mmyolo/version.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/model-index.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/model-index.yml -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/projects/assigner_visualization/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/projects/assigner_visualization/README.md -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/projects/assigner_visualization/assigner_visualization.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/projects/assigner_visualization/assigner_visualization.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/projects/assigner_visualization/dense_heads/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/projects/assigner_visualization/dense_heads/__init__.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/projects/assigner_visualization/detectors/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/projects/assigner_visualization/detectors/__init__.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/projects/assigner_visualization/visualization/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/projects/assigner_visualization/visualization/__init__.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/projects/easydeploy/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/projects/easydeploy/README.md -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/projects/easydeploy/README_zh-CN.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/projects/easydeploy/README_zh-CN.md -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/projects/easydeploy/backbone/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/projects/easydeploy/backbone/__init__.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/projects/easydeploy/backbone/common.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/projects/easydeploy/backbone/common.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/projects/easydeploy/backbone/focus.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/projects/easydeploy/backbone/focus.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/projects/easydeploy/bbox_code/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/projects/easydeploy/bbox_code/__init__.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/projects/easydeploy/bbox_code/bbox_coder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/projects/easydeploy/bbox_code/bbox_coder.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/projects/easydeploy/deepstream/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/projects/easydeploy/deepstream/CMakeLists.txt -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/projects/easydeploy/deepstream/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/projects/easydeploy/deepstream/README.md -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/projects/easydeploy/deepstream/README_zh-CN.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/projects/easydeploy/deepstream/README_zh-CN.md -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/projects/easydeploy/deepstream/coco_labels.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/projects/easydeploy/deepstream/coco_labels.txt -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/projects/easydeploy/deepstream/deepstream_app_config.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/projects/easydeploy/deepstream/deepstream_app_config.txt -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/projects/easydeploy/docs/model_convert.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/projects/easydeploy/docs/model_convert.md -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/projects/easydeploy/examples/config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/projects/easydeploy/examples/config.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/projects/easydeploy/examples/cv2_nms.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/projects/easydeploy/examples/cv2_nms.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/projects/easydeploy/examples/main_onnxruntime.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/projects/easydeploy/examples/main_onnxruntime.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/projects/easydeploy/examples/numpy_coder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/projects/easydeploy/examples/numpy_coder.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/projects/easydeploy/examples/preprocess.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/projects/easydeploy/examples/preprocess.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/projects/easydeploy/examples/requirements.txt: -------------------------------------------------------------------------------- 1 | onnxruntime 2 | opencv-python==4.7.0.72 3 | -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/projects/easydeploy/model/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/projects/easydeploy/model/__init__.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/projects/easydeploy/model/backend.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/projects/easydeploy/model/backend.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/projects/easydeploy/model/backendwrapper.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/projects/easydeploy/model/backendwrapper.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/projects/easydeploy/model/model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/projects/easydeploy/model/model.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/projects/easydeploy/nms/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/projects/easydeploy/nms/__init__.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/projects/easydeploy/nms/ort_nms.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/projects/easydeploy/nms/ort_nms.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/projects/easydeploy/nms/trt_nms.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/projects/easydeploy/nms/trt_nms.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/projects/easydeploy/tools/build_engine.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/projects/easydeploy/tools/build_engine.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/projects/easydeploy/tools/export_onnx.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/projects/easydeploy/tools/export_onnx.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/projects/easydeploy/tools/image-demo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/projects/easydeploy/tools/image-demo.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/projects/example_project/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/projects/example_project/README.md -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/projects/example_project/dummy/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/projects/example_project/dummy/__init__.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/projects/example_project/dummy/dummy_yolov5cspdarknet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/projects/example_project/dummy/dummy_yolov5cspdarknet.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/projects/misc/custom_dataset/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/projects/misc/custom_dataset/README.md -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/projects/misc/ionogram_detection/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/projects/misc/ionogram_detection/README.md -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/pytest.ini: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/pytest.ini -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/requirements.txt -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/requirements/albu.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/requirements/albu.txt -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/requirements/build.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/requirements/build.txt -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/requirements/docs.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/requirements/docs.txt -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/requirements/mminstall.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/requirements/mminstall.txt -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/requirements/mmpose.txt: -------------------------------------------------------------------------------- 1 | mmpose>=1.0.0 2 | -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/requirements/mmrotate.txt: -------------------------------------------------------------------------------- 1 | mmrotate>=1.0.0rc1 2 | -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/requirements/runtime.txt: -------------------------------------------------------------------------------- 1 | numpy 2 | prettytable 3 | -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/requirements/sahi.txt: -------------------------------------------------------------------------------- 1 | sahi>=0.11.4 2 | -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/requirements/tests.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/requirements/tests.txt -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/setup.cfg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/setup.cfg -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/setup.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/setup.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/tests/regression/mmyolo.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/tests/regression/mmyolo.yml -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/tests/test_datasets/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/tests/test_datasets/__init__.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/tests/test_datasets/test_transforms/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/tests/test_datasets/test_transforms/__init__.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/tests/test_datasets/test_transforms/test_formatting.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/tests/test_datasets/test_transforms/test_formatting.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/tests/test_datasets/test_transforms/test_transforms.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/tests/test_datasets/test_transforms/test_transforms.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/tests/test_datasets/test_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/tests/test_datasets/test_utils.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/tests/test_datasets/test_yolov5_coco.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/tests/test_datasets/test_yolov5_coco.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/tests/test_datasets/test_yolov5_voc.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/tests/test_datasets/test_yolov5_voc.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/tests/test_deploy/conftest.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/tests/test_deploy/conftest.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/tests/test_deploy/test_mmyolo_models.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/tests/test_deploy/test_mmyolo_models.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/tests/test_deploy/test_object_detection.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/tests/test_deploy/test_object_detection.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/tests/test_downstream/test_mmrazor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/tests/test_downstream/test_mmrazor.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/tests/test_engine/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/tests/test_engine/__init__.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/tests/test_engine/test_optimizers/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/tests/test_engine/test_optimizers/__init__.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/tests/test_models/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/tests/test_models/__init__.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/tests/test_models/test_backbone/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/tests/test_models/test_backbone/__init__.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/tests/test_models/test_backbone/test_csp_darknet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/tests/test_models/test_backbone/test_csp_darknet.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/tests/test_models/test_backbone/test_csp_resnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/tests/test_models/test_backbone/test_csp_resnet.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/tests/test_models/test_backbone/test_efficient_rep.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/tests/test_models/test_backbone/test_efficient_rep.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/tests/test_models/test_backbone/test_yolov7_backbone.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/tests/test_models/test_backbone/test_yolov7_backbone.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/tests/test_models/test_backbone/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/tests/test_models/test_backbone/utils.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/tests/test_models/test_data_preprocessor/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/tests/test_models/test_data_preprocessor/__init__.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/tests/test_models/test_dense_heads/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/tests/test_models/test_dense_heads/__init__.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/tests/test_models/test_dense_heads/test_ppyoloe_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/tests/test_models/test_dense_heads/test_ppyoloe_head.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/tests/test_models/test_dense_heads/test_rtmdet_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/tests/test_models/test_dense_heads/test_rtmdet_head.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/tests/test_models/test_dense_heads/test_yolov5_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/tests/test_models/test_dense_heads/test_yolov5_head.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/tests/test_models/test_dense_heads/test_yolov6_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/tests/test_models/test_dense_heads/test_yolov6_head.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/tests/test_models/test_dense_heads/test_yolov7_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/tests/test_models/test_dense_heads/test_yolov7_head.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/tests/test_models/test_dense_heads/test_yolov8_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/tests/test_models/test_dense_heads/test_yolov8_head.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/tests/test_models/test_dense_heads/test_yolox_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/tests/test_models/test_dense_heads/test_yolox_head.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/tests/test_models/test_detectors/test_yolo_detector.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/tests/test_models/test_detectors/test_yolo_detector.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/tests/test_models/test_layers/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/tests/test_models/test_layers/__init__.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/tests/test_models/test_layers/test_ema.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/tests/test_models/test_layers/test_ema.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/tests/test_models/test_layers/test_yolo_bricks.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/tests/test_models/test_layers/test_yolo_bricks.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/tests/test_models/test_necks/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/tests/test_models/test_necks/__init__.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/tests/test_models/test_necks/test_cspnext_pafpn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/tests/test_models/test_necks/test_cspnext_pafpn.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/tests/test_models/test_necks/test_ppyoloe_csppan.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/tests/test_models/test_necks/test_ppyoloe_csppan.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/tests/test_models/test_necks/test_yolov5_pafpn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/tests/test_models/test_necks/test_yolov5_pafpn.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/tests/test_models/test_necks/test_yolov6_pafpn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/tests/test_models/test_necks/test_yolov6_pafpn.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/tests/test_models/test_necks/test_yolov7_pafpn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/tests/test_models/test_necks/test_yolov7_pafpn.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/tests/test_models/test_necks/test_yolov8_pafpn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/tests/test_models/test_necks/test_yolov8_pafpn.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/tests/test_models/test_necks/test_yolox_pafpn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/tests/test_models/test_necks/test_yolox_pafpn.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/tests/test_models/test_plugins/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/tests/test_models/test_plugins/__init__.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/tests/test_models/test_plugins/test_cbam.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/tests/test_models/test_plugins/test_cbam.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/tests/test_models/test_task_modules/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/tests/test_models/test_task_modules/__init__.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/tests/test_models/test_utils/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/tests/test_models/test_utils/__init__.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/tests/test_models/test_utils/test_misc.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/tests/test_models/test_utils/test_misc.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/tests/test_utils/test_collect_env.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/tests/test_utils/test_collect_env.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/tests/test_utils/test_setup_env.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/tests/test_utils/test_setup_env.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/tools/analysis_tools/benchmark.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/tools/analysis_tools/benchmark.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/tools/analysis_tools/browse_coco_json.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/tools/analysis_tools/browse_coco_json.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/tools/analysis_tools/browse_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/tools/analysis_tools/browse_dataset.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/tools/analysis_tools/browse_dataset_simple.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/tools/analysis_tools/browse_dataset_simple.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/tools/analysis_tools/confusion_matrix.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/tools/analysis_tools/confusion_matrix.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/tools/analysis_tools/dataset_analysis.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/tools/analysis_tools/dataset_analysis.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/tools/analysis_tools/get_flops.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/tools/analysis_tools/get_flops.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/tools/analysis_tools/optimize_anchors.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/tools/analysis_tools/optimize_anchors.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/tools/analysis_tools/vis_scheduler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/tools/analysis_tools/vis_scheduler.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/tools/dataset_converters/balloon2coco.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/tools/dataset_converters/balloon2coco.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/tools/dataset_converters/dota/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/tools/dataset_converters/dota/README.md -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/tools/dataset_converters/dota/dota_split.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/tools/dataset_converters/dota/dota_split.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/tools/dataset_converters/labelme2coco.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/tools/dataset_converters/labelme2coco.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/tools/dataset_converters/yolo2coco.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/tools/dataset_converters/yolo2coco.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/tools/dist_test.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/tools/dist_test.sh -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/tools/dist_train.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/tools/dist_train.sh -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/tools/misc/coco_split.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/tools/misc/coco_split.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/tools/misc/download_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/tools/misc/download_dataset.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/tools/misc/extract_subcoco.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/tools/misc/extract_subcoco.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/tools/misc/print_config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/tools/misc/print_config.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/tools/misc/publish_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/tools/misc/publish_model.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/tools/model_converters/convert_kd_ckpt_to_student.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/tools/model_converters/convert_kd_ckpt_to_student.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/tools/model_converters/ppyoloe_to_mmyolo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/tools/model_converters/ppyoloe_to_mmyolo.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/tools/model_converters/rtmdet_to_mmyolo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/tools/model_converters/rtmdet_to_mmyolo.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/tools/model_converters/yolov5_to_mmyolo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/tools/model_converters/yolov5_to_mmyolo.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/tools/model_converters/yolov5u_to_mmyolo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/tools/model_converters/yolov5u_to_mmyolo.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/tools/model_converters/yolov6_to_mmyolo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/tools/model_converters/yolov6_to_mmyolo.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/tools/model_converters/yolov6_v3_to_mmyolo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/tools/model_converters/yolov6_v3_to_mmyolo.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/tools/model_converters/yolov7_to_mmyolo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/tools/model_converters/yolov7_to_mmyolo.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/tools/model_converters/yolov8_to_mmyolo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/tools/model_converters/yolov8_to_mmyolo.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/tools/model_converters/yolox_to_mmyolo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/tools/model_converters/yolox_to_mmyolo.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/tools/slurm_test.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/tools/slurm_test.sh -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/tools/slurm_train.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/tools/slurm_train.sh -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/tools/test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/tools/test.py -------------------------------------------------------------------------------- /third_party/YOLO-World/third_party/mmyolo/tools/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/third_party/mmyolo/tools/train.py -------------------------------------------------------------------------------- /third_party/YOLO-World/tools/dist_test.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/tools/dist_test.sh -------------------------------------------------------------------------------- /third_party/YOLO-World/tools/dist_train.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/tools/dist_train.sh -------------------------------------------------------------------------------- /third_party/YOLO-World/tools/generate_image_prompts.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/tools/generate_image_prompts.py -------------------------------------------------------------------------------- /third_party/YOLO-World/tools/generate_text_prompts.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/tools/generate_text_prompts.py -------------------------------------------------------------------------------- /third_party/YOLO-World/tools/reparameterize_yoloworld.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/tools/reparameterize_yoloworld.py -------------------------------------------------------------------------------- /third_party/YOLO-World/tools/test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/tools/test.py -------------------------------------------------------------------------------- /third_party/YOLO-World/tools/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/tools/train.py -------------------------------------------------------------------------------- /third_party/YOLO-World/yolo_world/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/yolo_world/__init__.py -------------------------------------------------------------------------------- /third_party/YOLO-World/yolo_world/datasets/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/yolo_world/datasets/__init__.py -------------------------------------------------------------------------------- /third_party/YOLO-World/yolo_world/datasets/mm_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/yolo_world/datasets/mm_dataset.py -------------------------------------------------------------------------------- /third_party/YOLO-World/yolo_world/datasets/transformers/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/yolo_world/datasets/transformers/__init__.py -------------------------------------------------------------------------------- /third_party/YOLO-World/yolo_world/datasets/transformers/mm_mix_img_transforms.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/yolo_world/datasets/transformers/mm_mix_img_transforms.py -------------------------------------------------------------------------------- /third_party/YOLO-World/yolo_world/datasets/transformers/mm_transforms.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/yolo_world/datasets/transformers/mm_transforms.py -------------------------------------------------------------------------------- /third_party/YOLO-World/yolo_world/datasets/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/yolo_world/datasets/utils.py -------------------------------------------------------------------------------- /third_party/YOLO-World/yolo_world/datasets/yolov5_lvis.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/yolo_world/datasets/yolov5_lvis.py -------------------------------------------------------------------------------- /third_party/YOLO-World/yolo_world/datasets/yolov5_mixed_grounding.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/yolo_world/datasets/yolov5_mixed_grounding.py -------------------------------------------------------------------------------- /third_party/YOLO-World/yolo_world/datasets/yolov5_obj365v1.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/yolo_world/datasets/yolov5_obj365v1.py -------------------------------------------------------------------------------- /third_party/YOLO-World/yolo_world/datasets/yolov5_obj365v2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/yolo_world/datasets/yolov5_obj365v2.py -------------------------------------------------------------------------------- /third_party/YOLO-World/yolo_world/datasets/yolov5_v3det.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/yolo_world/datasets/yolov5_v3det.py -------------------------------------------------------------------------------- /third_party/YOLO-World/yolo_world/engine/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/yolo_world/engine/__init__.py -------------------------------------------------------------------------------- /third_party/YOLO-World/yolo_world/engine/optimizers/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/yolo_world/engine/optimizers/__init__.py -------------------------------------------------------------------------------- /third_party/YOLO-World/yolo_world/engine/optimizers/yolow_v5_optim_constructor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/yolo_world/engine/optimizers/yolow_v5_optim_constructor.py -------------------------------------------------------------------------------- /third_party/YOLO-World/yolo_world/models/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/yolo_world/models/__init__.py -------------------------------------------------------------------------------- /third_party/YOLO-World/yolo_world/models/assigner/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/yolo_world/models/assigner/__init__.py -------------------------------------------------------------------------------- /third_party/YOLO-World/yolo_world/models/assigner/task_aligned_assigner.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/yolo_world/models/assigner/task_aligned_assigner.py -------------------------------------------------------------------------------- /third_party/YOLO-World/yolo_world/models/backbones/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/yolo_world/models/backbones/__init__.py -------------------------------------------------------------------------------- /third_party/YOLO-World/yolo_world/models/backbones/mm_backbone.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/yolo_world/models/backbones/mm_backbone.py -------------------------------------------------------------------------------- /third_party/YOLO-World/yolo_world/models/data_preprocessors/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/yolo_world/models/data_preprocessors/__init__.py -------------------------------------------------------------------------------- /third_party/YOLO-World/yolo_world/models/data_preprocessors/data_preprocessor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/yolo_world/models/data_preprocessors/data_preprocessor.py -------------------------------------------------------------------------------- /third_party/YOLO-World/yolo_world/models/dense_heads/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/yolo_world/models/dense_heads/__init__.py -------------------------------------------------------------------------------- /third_party/YOLO-World/yolo_world/models/dense_heads/yolo_world_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/yolo_world/models/dense_heads/yolo_world_head.py -------------------------------------------------------------------------------- /third_party/YOLO-World/yolo_world/models/dense_heads/yolo_world_seg_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/yolo_world/models/dense_heads/yolo_world_seg_head.py -------------------------------------------------------------------------------- /third_party/YOLO-World/yolo_world/models/detectors/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/yolo_world/models/detectors/__init__.py -------------------------------------------------------------------------------- /third_party/YOLO-World/yolo_world/models/detectors/yolo_world.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/yolo_world/models/detectors/yolo_world.py -------------------------------------------------------------------------------- /third_party/YOLO-World/yolo_world/models/layers/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/yolo_world/models/layers/__init__.py -------------------------------------------------------------------------------- /third_party/YOLO-World/yolo_world/models/layers/yolo_bricks.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/yolo_world/models/layers/yolo_bricks.py -------------------------------------------------------------------------------- /third_party/YOLO-World/yolo_world/models/losses/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/yolo_world/models/losses/__init__.py -------------------------------------------------------------------------------- /third_party/YOLO-World/yolo_world/models/losses/dynamic_loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/yolo_world/models/losses/dynamic_loss.py -------------------------------------------------------------------------------- /third_party/YOLO-World/yolo_world/models/necks/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/yolo_world/models/necks/__init__.py -------------------------------------------------------------------------------- /third_party/YOLO-World/yolo_world/models/necks/yolo_world_pafpn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/yolo_world/models/necks/yolo_world_pafpn.py -------------------------------------------------------------------------------- /third_party/YOLO-World/yolo_world/version.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/YOLO-World/yolo_world/version.py -------------------------------------------------------------------------------- /third_party/pointnet2/pointnet2/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /third_party/pointnet2/pointnet2/_ext_src/include/ball_query.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/pointnet2/pointnet2/_ext_src/include/ball_query.h -------------------------------------------------------------------------------- /third_party/pointnet2/pointnet2/_ext_src/include/cuda_utils.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/pointnet2/pointnet2/_ext_src/include/cuda_utils.h -------------------------------------------------------------------------------- /third_party/pointnet2/pointnet2/_ext_src/include/group_points.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/pointnet2/pointnet2/_ext_src/include/group_points.h -------------------------------------------------------------------------------- /third_party/pointnet2/pointnet2/_ext_src/include/interpolate.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/pointnet2/pointnet2/_ext_src/include/interpolate.h -------------------------------------------------------------------------------- /third_party/pointnet2/pointnet2/_ext_src/include/sampling.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/pointnet2/pointnet2/_ext_src/include/sampling.h -------------------------------------------------------------------------------- /third_party/pointnet2/pointnet2/_ext_src/include/utils.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/pointnet2/pointnet2/_ext_src/include/utils.h -------------------------------------------------------------------------------- /third_party/pointnet2/pointnet2/_ext_src/src/ball_query.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/pointnet2/pointnet2/_ext_src/src/ball_query.cpp -------------------------------------------------------------------------------- /third_party/pointnet2/pointnet2/_ext_src/src/ball_query_gpu.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/pointnet2/pointnet2/_ext_src/src/ball_query_gpu.cu -------------------------------------------------------------------------------- /third_party/pointnet2/pointnet2/_ext_src/src/bindings.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/pointnet2/pointnet2/_ext_src/src/bindings.cpp -------------------------------------------------------------------------------- /third_party/pointnet2/pointnet2/_ext_src/src/group_points.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/pointnet2/pointnet2/_ext_src/src/group_points.cpp -------------------------------------------------------------------------------- /third_party/pointnet2/pointnet2/_ext_src/src/group_points_gpu.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/pointnet2/pointnet2/_ext_src/src/group_points_gpu.cu -------------------------------------------------------------------------------- /third_party/pointnet2/pointnet2/_ext_src/src/interpolate.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/pointnet2/pointnet2/_ext_src/src/interpolate.cpp -------------------------------------------------------------------------------- /third_party/pointnet2/pointnet2/_ext_src/src/interpolate_gpu.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/pointnet2/pointnet2/_ext_src/src/interpolate_gpu.cu -------------------------------------------------------------------------------- /third_party/pointnet2/pointnet2/_ext_src/src/sampling.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/pointnet2/pointnet2/_ext_src/src/sampling.cpp -------------------------------------------------------------------------------- /third_party/pointnet2/pointnet2/_ext_src/src/sampling_gpu.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/pointnet2/pointnet2/_ext_src/src/sampling_gpu.cu -------------------------------------------------------------------------------- /third_party/pointnet2/pointnet2/pointnet2_modules.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/pointnet2/pointnet2/pointnet2_modules.py -------------------------------------------------------------------------------- /third_party/pointnet2/pointnet2/pointnet2_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/pointnet2/pointnet2/pointnet2_test.py -------------------------------------------------------------------------------- /third_party/pointnet2/pointnet2/pointnet2_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/pointnet2/pointnet2/pointnet2_utils.py -------------------------------------------------------------------------------- /third_party/pointnet2/pointnet2/pytorch_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/pointnet2/pointnet2/pytorch_utils.py -------------------------------------------------------------------------------- /third_party/pointnet2/setup.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/third_party/pointnet2/setup.py -------------------------------------------------------------------------------- /zero_shot_multi_vocs.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/zero_shot_multi_vocs.py -------------------------------------------------------------------------------- /zero_shot_single_voc.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Pointcept/OpenIns3D/HEAD/zero_shot_single_voc.py --------------------------------------------------------------------------------