├── .github ├── ISSUE_TEMPLATE │ ├── bug.yml │ ├── enhancement.yml │ └── question.yml └── workflows │ ├── ci-testing.yml │ └── stale.yml ├── .gitignore ├── Dockerfile ├── README.md ├── main.py ├── requirements.txt ├── ros_track.py ├── run.sh ├── task1 ├── README.md ├── __init__.py ├── superglue │ ├── README.md │ ├── __init__.py │ ├── matching.py │ ├── superglue.py │ ├── superpoint.py │ └── utils.py ├── task1.py ├── task1_video.py ├── utils │ ├── args_utils.py │ ├── json_utils.py │ └── model_utils.py └── yolov7 │ ├── __init__.py │ ├── models │ ├── __init__.py │ ├── common.py │ ├── experimental.py │ └── yolo.py │ └── utils │ ├── __init__.py │ ├── autoanchor.py │ ├── datasets.py │ ├── general.py │ ├── loss.py │ └── torch_utils.py ├── task2_audio ├── __init__.py ├── models.py ├── receiver.sh ├── task2_audio.py ├── test.wav ├── test_final.py ├── test_final_backup.py ├── test_final_backup_backup.py ├── utils.py ├── validation_utils_16k_new.py └── wavwavwavwav.wav ├── task2_vision ├── .gitignore ├── LICENSE ├── MOT16_eval │ ├── eval.sh │ ├── track_all.gif │ └── track_pedestrians.gif ├── README.md ├── __init__.py ├── strong_sort │ ├── .gitignore │ ├── LICENSE │ ├── README.md │ ├── __init__.py │ ├── configs │ │ └── strong_sort.yaml │ ├── deep │ │ ├── __init__.py │ │ ├── checkpoint │ │ │ └── .gitkeep │ │ ├── reid │ │ │ ├── .flake8 │ │ │ ├── .gitignore │ │ │ ├── .isort.cfg │ │ │ ├── .style.yapf │ │ │ ├── LICENSE │ │ │ ├── README.rst │ │ │ ├── __init__.py │ │ │ ├── configs │ │ │ │ ├── im_osnet_ain_x1_0_softmax_256x128_amsgrad_cosine.yaml │ │ │ │ ├── im_osnet_ibn_x1_0_softmax_256x128_amsgrad.yaml │ │ │ │ ├── im_osnet_x0_25_softmax_256x128_amsgrad.yaml │ │ │ │ ├── im_osnet_x0_5_softmax_256x128_amsgrad.yaml │ │ │ │ ├── im_osnet_x0_75_softmax_256x128_amsgrad.yaml │ │ │ │ ├── im_osnet_x1_0_softmax_256x128_amsgrad.yaml │ │ │ │ ├── im_osnet_x1_0_softmax_256x128_amsgrad_cosine.yaml │ │ │ │ ├── im_r50_softmax_256x128_amsgrad.yaml │ │ │ │ └── im_r50fc512_softmax_256x128_amsgrad.yaml │ │ │ ├── docs │ │ │ │ ├── AWESOME_REID.md │ │ │ │ ├── MODEL_ZOO.md │ │ │ │ ├── Makefile │ │ │ │ ├── __init__.py │ │ │ │ ├── conf.py │ │ │ │ ├── datasets.rst │ │ │ │ ├── evaluation.rst │ │ │ │ ├── figures │ │ │ │ │ ├── actmap.jpg │ │ │ │ │ └── ranking_results.jpg │ │ │ │ ├── index.rst │ │ │ │ ├── pkg │ │ │ │ │ ├── data.rst │ │ │ │ │ ├── engine.rst │ │ │ │ │ ├── losses.rst │ │ │ │ │ ├── metrics.rst │ │ │ │ │ ├── models.rst │ │ │ │ │ ├── optim.rst │ │ │ │ │ └── utils.rst │ │ │ │ └── user_guide.rst │ │ │ ├── linter.sh │ │ │ ├── projects │ │ │ │ ├── DML │ │ │ │ │ ├── README.md │ │ │ │ │ ├── __init__.py │ │ │ │ │ ├── default_config.py │ │ │ │ │ ├── dml.py │ │ │ │ │ ├── im_osnet_x1_0_dml_256x128_amsgrad_cosine.yaml │ │ │ │ │ └── main.py │ │ │ │ ├── OSNet_AIN │ │ │ │ │ ├── README.md │ │ │ │ │ ├── __init__.py │ │ │ │ │ ├── default_config.py │ │ │ │ │ ├── main.py │ │ │ │ │ ├── nas.yaml │ │ │ │ │ ├── osnet_child.py │ │ │ │ │ ├── osnet_search.py │ │ │ │ │ └── softmax_nas.py │ │ │ │ ├── README.md │ │ │ │ ├── __init__.py │ │ │ │ └── attribute_recognition │ │ │ │ │ ├── README.md │ │ │ │ │ ├── __init__.py │ │ │ │ │ ├── datasets │ │ │ │ │ ├── __init__.py │ │ │ │ │ ├── dataset.py │ │ │ │ │ └── pa100k.py │ │ │ │ │ ├── default_parser.py │ │ │ │ │ ├── main.py │ │ │ │ │ ├── models │ │ │ │ │ ├── __init__.py │ │ │ │ │ └── osnet.py │ │ │ │ │ └── train.sh │ │ │ ├── scripts │ │ │ │ ├── __init__.py │ │ │ │ ├── default_config.py │ │ │ │ └── main.py │ │ │ ├── setup.py │ │ │ ├── tools │ │ │ │ ├── __init__.py │ │ │ │ ├── compute_mean_std.py │ │ │ │ ├── parse_test_res.py │ │ │ │ └── visualize_actmap.py │ │ │ └── torchreid │ │ │ │ ├── __init__.py │ │ │ │ ├── data │ │ │ │ ├── __init__.py │ │ │ │ ├── datamanager.py │ │ │ │ ├── datasets │ │ │ │ │ ├── __init__.py │ │ │ │ │ ├── dataset.py │ │ │ │ │ ├── image │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── cuhk01.py │ │ │ │ │ │ ├── cuhk02.py │ │ │ │ │ │ ├── cuhk03.py │ │ │ │ │ │ ├── cuhksysu.py │ │ │ │ │ │ ├── dukemtmcreid.py │ │ │ │ │ │ ├── grid.py │ │ │ │ │ │ ├── ilids.py │ │ │ │ │ │ ├── market1501.py │ │ │ │ │ │ ├── msmt17.py │ │ │ │ │ │ ├── prid.py │ │ │ │ │ │ ├── sensereid.py │ │ │ │ │ │ ├── university1652.py │ │ │ │ │ │ └── viper.py │ │ │ │ │ └── video │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── dukemtmcvidreid.py │ │ │ │ │ │ ├── ilidsvid.py │ │ │ │ │ │ ├── mars.py │ │ │ │ │ │ └── prid2011.py │ │ │ │ ├── sampler.py │ │ │ │ └── transforms.py │ │ │ │ ├── engine │ │ │ │ ├── __init__.py │ │ │ │ ├── engine.py │ │ │ │ ├── image │ │ │ │ │ ├── __init__.py │ │ │ │ │ ├── softmax.py │ │ │ │ │ └── triplet.py │ │ │ │ └── video │ │ │ │ │ ├── __init__.py │ │ │ │ │ ├── softmax.py │ │ │ │ │ └── triplet.py │ │ │ │ ├── losses │ │ │ │ ├── __init__.py │ │ │ │ ├── cross_entropy_loss.py │ │ │ │ └── hard_mine_triplet_loss.py │ │ │ │ ├── metrics │ │ │ │ ├── __init__.py │ │ │ │ ├── accuracy.py │ │ │ │ ├── distance.py │ │ │ │ ├── rank.py │ │ │ │ └── rank_cylib │ │ │ │ │ ├── Makefile │ │ │ │ │ ├── __init__.py │ │ │ │ │ ├── rank_cy.pyx │ │ │ │ │ ├── setup.py │ │ │ │ │ └── test_cython.py │ │ │ │ ├── models │ │ │ │ ├── __init__.py │ │ │ │ ├── densenet.py │ │ │ │ ├── hacnn.py │ │ │ │ ├── inceptionresnetv2.py │ │ │ │ ├── inceptionv4.py │ │ │ │ ├── mlfn.py │ │ │ │ ├── mobilenetv2.py │ │ │ │ ├── mudeep.py │ │ │ │ ├── nasnet.py │ │ │ │ ├── osnet.py │ │ │ │ ├── osnet_ain.py │ │ │ │ ├── pcb.py │ │ │ │ ├── resnet.py │ │ │ │ ├── resnet_ibn_a.py │ │ │ │ ├── resnet_ibn_b.py │ │ │ │ ├── resnetmid.py │ │ │ │ ├── senet.py │ │ │ │ ├── shufflenet.py │ │ │ │ ├── shufflenetv2.py │ │ │ │ ├── squeezenet.py │ │ │ │ └── xception.py │ │ │ │ ├── optim │ │ │ │ ├── __init__.py │ │ │ │ ├── lr_scheduler.py │ │ │ │ ├── optimizer.py │ │ │ │ └── radam.py │ │ │ │ └── utils │ │ │ │ ├── GPU-Re-Ranking │ │ │ │ ├── README.md │ │ │ │ ├── __init__.py │ │ │ │ ├── extension │ │ │ │ │ ├── __init__.py │ │ │ │ │ ├── adjacency_matrix │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── build_adjacency_matrix.cpp │ │ │ │ │ │ ├── build_adjacency_matrix_kernel.cu │ │ │ │ │ │ └── setup.py │ │ │ │ │ ├── make.sh │ │ │ │ │ └── propagation │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── gnn_propagate.cpp │ │ │ │ │ │ ├── gnn_propagate_kernel.cu │ │ │ │ │ │ └── setup.py │ │ │ │ ├── gnn_reranking.py │ │ │ │ ├── main.py │ │ │ │ └── utils.py │ │ │ │ ├── __init__.py │ │ │ │ ├── avgmeter.py │ │ │ │ ├── feature_extractor.py │ │ │ │ ├── loggers.py │ │ │ │ ├── model_complexity.py │ │ │ │ ├── reidtools.py │ │ │ │ ├── rerank.py │ │ │ │ ├── tools.py │ │ │ │ └── torchtools.py │ │ └── reid_model_factory.py │ ├── reid_multibackend.py │ ├── sort │ │ ├── __init__.py │ │ ├── detection.py │ │ ├── iou_matching.py │ │ ├── kalman_filter.py │ │ ├── linear_assignment.py │ │ ├── nn_matching.py │ │ ├── preprocessing.py │ │ └── tracker.py │ ├── strong_sort.py │ └── utils │ │ ├── __init__.py │ │ ├── asserts.py │ │ ├── draw.py │ │ ├── evaluation.py │ │ ├── io.py │ │ ├── json_logger.py │ │ ├── log.py │ │ ├── parser.py │ │ └── tools.py ├── task2_vision.py └── yolov7 │ ├── .gitignore │ ├── LICENSE.md │ ├── README.dataset.txt │ ├── README.md │ ├── README.roboflow.txt │ ├── VG │ ├── attribute │ ├── attribute_filter.py │ ├── attributes.json.zip │ ├── filter.py │ ├── move_img.py │ ├── vg2yolo.py │ └── visualize.py │ ├── cfg │ ├── baseline │ │ ├── r50-csp.yaml │ │ ├── x50-csp.yaml │ │ ├── yolor-csp-x.yaml │ │ ├── yolor-csp.yaml │ │ ├── yolor-d6.yaml │ │ ├── yolor-e6.yaml │ │ ├── yolor-p6.yaml │ │ ├── yolor-w6.yaml │ │ ├── yolov3-spp.yaml │ │ ├── yolov3.yaml │ │ └── yolov4-csp.yaml │ ├── deploy │ │ ├── yolov7-d6.yaml │ │ ├── yolov7-e6.yaml │ │ ├── yolov7-e6e.yaml │ │ ├── yolov7-tiny-silu.yaml │ │ ├── yolov7-tiny.yaml │ │ ├── yolov7-w6.yaml │ │ ├── yolov7.yaml │ │ └── yolov7x.yaml │ └── training │ │ ├── yolov7-d6.yaml │ │ ├── yolov7-e6.yaml │ │ ├── yolov7-e6e.yaml │ │ ├── yolov7-tiny.yaml │ │ ├── yolov7-w6.yaml │ │ ├── yolov7.yaml │ │ └── yolov7x.yaml │ ├── coco_weight.py │ ├── data │ ├── coco.yaml │ ├── hyp.scratch.custom.yaml │ ├── hyp.scratch.p5.yaml │ ├── hyp.scratch.p6.yaml │ ├── hyp.scratch.tiny.yaml │ └── vg.yaml │ ├── deploy │ └── triton-inference-server │ │ ├── README.md │ │ ├── boundingbox.py │ │ ├── client.py │ │ ├── labels.py │ │ ├── processing.py │ │ └── render.py │ ├── detect.py │ ├── export.py │ ├── filter_vg.py │ ├── hubconf.py │ ├── models │ ├── __init__.py │ ├── common.py │ ├── experimental.py │ └── yolo.py │ ├── requirements.txt │ ├── scripts │ └── get_coco.sh │ ├── test.py │ ├── train.py │ ├── train_aux.py │ └── utils │ ├── __init__.py │ ├── activations.py │ ├── add_nms.py │ ├── autoanchor.py │ ├── aws │ ├── __init__.py │ ├── mime.sh │ ├── resume.py │ └── userdata.sh │ ├── datasets.py │ ├── general.py │ ├── google_app_engine │ ├── Dockerfile │ ├── additional_requirements.txt │ └── app.yaml │ ├── google_utils.py │ ├── loss.py │ ├── metrics.py │ ├── plots.py │ ├── torch_utils.py │ └── wandb_logging │ ├── __init__.py │ ├── log_dataset.py │ └── wandb_utils.py ├── task3 ├── .ipynb_checkpoints │ └── minseok_inference-checkpoint.ipynb ├── README.md ├── __init__.py ├── basenet │ ├── __init__.py │ └── vgg16_bn.py ├── craft.py ├── craft_utils.py ├── dataset.py ├── fonts │ └── gulim.ttc ├── imgproc.py ├── modules │ ├── feature_extraction.py │ ├── prediction.py │ ├── sequence_modeling.py │ └── transformation.py ├── result │ ├── 2021_data_set3.txt │ ├── 2021_data_set5.txt │ ├── 2022_flight1.txt │ ├── 2022_flight2.txt │ ├── 2022_flight3.txt │ ├── 2022_flight4.txt │ ├── 2022_flight5.txt │ ├── 2022_flight6.txt │ ├── 2022_flight7.txt │ └── inference.txt ├── task3.py ├── task3_parse_args.py ├── task3_utils.py └── wiw.py └── tools ├── __init__.py └── parse_args.py /.github/ISSUE_TEMPLATE/bug.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/.github/ISSUE_TEMPLATE/bug.yml -------------------------------------------------------------------------------- /.github/ISSUE_TEMPLATE/enhancement.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/.github/ISSUE_TEMPLATE/enhancement.yml -------------------------------------------------------------------------------- /.github/ISSUE_TEMPLATE/question.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/.github/ISSUE_TEMPLATE/question.yml -------------------------------------------------------------------------------- /.github/workflows/ci-testing.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/.github/workflows/ci-testing.yml -------------------------------------------------------------------------------- /.github/workflows/stale.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/.github/workflows/stale.yml -------------------------------------------------------------------------------- /.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/.gitignore -------------------------------------------------------------------------------- /Dockerfile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/Dockerfile -------------------------------------------------------------------------------- /README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/README.md -------------------------------------------------------------------------------- /main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/main.py -------------------------------------------------------------------------------- /requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/requirements.txt -------------------------------------------------------------------------------- /ros_track.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/ros_track.py -------------------------------------------------------------------------------- /run.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/run.sh -------------------------------------------------------------------------------- /task1/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task1/README.md -------------------------------------------------------------------------------- /task1/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task1/__init__.py -------------------------------------------------------------------------------- /task1/superglue/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task1/superglue/README.md -------------------------------------------------------------------------------- /task1/superglue/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /task1/superglue/matching.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task1/superglue/matching.py -------------------------------------------------------------------------------- /task1/superglue/superglue.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task1/superglue/superglue.py -------------------------------------------------------------------------------- /task1/superglue/superpoint.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task1/superglue/superpoint.py -------------------------------------------------------------------------------- /task1/superglue/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task1/superglue/utils.py -------------------------------------------------------------------------------- /task1/task1.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task1/task1.py -------------------------------------------------------------------------------- /task1/task1_video.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task1/task1_video.py -------------------------------------------------------------------------------- /task1/utils/args_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task1/utils/args_utils.py -------------------------------------------------------------------------------- /task1/utils/json_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task1/utils/json_utils.py -------------------------------------------------------------------------------- /task1/utils/model_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task1/utils/model_utils.py -------------------------------------------------------------------------------- /task1/yolov7/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /task1/yolov7/models/__init__.py: -------------------------------------------------------------------------------- 1 | # init -------------------------------------------------------------------------------- /task1/yolov7/models/common.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task1/yolov7/models/common.py -------------------------------------------------------------------------------- /task1/yolov7/models/experimental.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task1/yolov7/models/experimental.py -------------------------------------------------------------------------------- /task1/yolov7/models/yolo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task1/yolov7/models/yolo.py -------------------------------------------------------------------------------- /task1/yolov7/utils/__init__.py: -------------------------------------------------------------------------------- 1 | # init -------------------------------------------------------------------------------- /task1/yolov7/utils/autoanchor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task1/yolov7/utils/autoanchor.py -------------------------------------------------------------------------------- /task1/yolov7/utils/datasets.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task1/yolov7/utils/datasets.py -------------------------------------------------------------------------------- /task1/yolov7/utils/general.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task1/yolov7/utils/general.py -------------------------------------------------------------------------------- /task1/yolov7/utils/loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task1/yolov7/utils/loss.py -------------------------------------------------------------------------------- /task1/yolov7/utils/torch_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task1/yolov7/utils/torch_utils.py -------------------------------------------------------------------------------- /task2_audio/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_audio/__init__.py -------------------------------------------------------------------------------- /task2_audio/models.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_audio/models.py -------------------------------------------------------------------------------- /task2_audio/receiver.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_audio/receiver.sh -------------------------------------------------------------------------------- /task2_audio/task2_audio.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_audio/task2_audio.py -------------------------------------------------------------------------------- /task2_audio/test.wav: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_audio/test.wav -------------------------------------------------------------------------------- /task2_audio/test_final.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_audio/test_final.py -------------------------------------------------------------------------------- /task2_audio/test_final_backup.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_audio/test_final_backup.py -------------------------------------------------------------------------------- /task2_audio/test_final_backup_backup.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_audio/test_final_backup_backup.py -------------------------------------------------------------------------------- /task2_audio/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_audio/utils.py -------------------------------------------------------------------------------- /task2_audio/validation_utils_16k_new.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_audio/validation_utils_16k_new.py -------------------------------------------------------------------------------- /task2_audio/wavwavwavwav.wav: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_audio/wavwavwavwav.wav -------------------------------------------------------------------------------- /task2_vision/.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/.gitignore -------------------------------------------------------------------------------- /task2_vision/LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/LICENSE -------------------------------------------------------------------------------- /task2_vision/MOT16_eval/eval.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/MOT16_eval/eval.sh -------------------------------------------------------------------------------- /task2_vision/MOT16_eval/track_all.gif: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/MOT16_eval/track_all.gif -------------------------------------------------------------------------------- /task2_vision/MOT16_eval/track_pedestrians.gif: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/MOT16_eval/track_pedestrians.gif -------------------------------------------------------------------------------- /task2_vision/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/README.md -------------------------------------------------------------------------------- /task2_vision/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/__init__.py -------------------------------------------------------------------------------- /task2_vision/strong_sort/.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/strong_sort/.gitignore -------------------------------------------------------------------------------- /task2_vision/strong_sort/LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/strong_sort/LICENSE -------------------------------------------------------------------------------- /task2_vision/strong_sort/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/strong_sort/README.md -------------------------------------------------------------------------------- /task2_vision/strong_sort/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/strong_sort/__init__.py -------------------------------------------------------------------------------- /task2_vision/strong_sort/configs/strong_sort.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/strong_sort/configs/strong_sort.yaml -------------------------------------------------------------------------------- /task2_vision/strong_sort/deep/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /task2_vision/strong_sort/deep/checkpoint/.gitkeep: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /task2_vision/strong_sort/deep/reid/.flake8: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/strong_sort/deep/reid/.flake8 -------------------------------------------------------------------------------- /task2_vision/strong_sort/deep/reid/.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/strong_sort/deep/reid/.gitignore -------------------------------------------------------------------------------- /task2_vision/strong_sort/deep/reid/.isort.cfg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/strong_sort/deep/reid/.isort.cfg -------------------------------------------------------------------------------- /task2_vision/strong_sort/deep/reid/.style.yapf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/strong_sort/deep/reid/.style.yapf -------------------------------------------------------------------------------- /task2_vision/strong_sort/deep/reid/LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/strong_sort/deep/reid/LICENSE -------------------------------------------------------------------------------- /task2_vision/strong_sort/deep/reid/README.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/strong_sort/deep/reid/README.rst -------------------------------------------------------------------------------- /task2_vision/strong_sort/deep/reid/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /task2_vision/strong_sort/deep/reid/configs/im_osnet_ain_x1_0_softmax_256x128_amsgrad_cosine.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/strong_sort/deep/reid/configs/im_osnet_ain_x1_0_softmax_256x128_amsgrad_cosine.yaml -------------------------------------------------------------------------------- /task2_vision/strong_sort/deep/reid/configs/im_osnet_ibn_x1_0_softmax_256x128_amsgrad.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/strong_sort/deep/reid/configs/im_osnet_ibn_x1_0_softmax_256x128_amsgrad.yaml -------------------------------------------------------------------------------- /task2_vision/strong_sort/deep/reid/configs/im_osnet_x0_25_softmax_256x128_amsgrad.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/strong_sort/deep/reid/configs/im_osnet_x0_25_softmax_256x128_amsgrad.yaml -------------------------------------------------------------------------------- /task2_vision/strong_sort/deep/reid/configs/im_osnet_x0_5_softmax_256x128_amsgrad.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/strong_sort/deep/reid/configs/im_osnet_x0_5_softmax_256x128_amsgrad.yaml -------------------------------------------------------------------------------- /task2_vision/strong_sort/deep/reid/configs/im_osnet_x0_75_softmax_256x128_amsgrad.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/strong_sort/deep/reid/configs/im_osnet_x0_75_softmax_256x128_amsgrad.yaml -------------------------------------------------------------------------------- /task2_vision/strong_sort/deep/reid/configs/im_osnet_x1_0_softmax_256x128_amsgrad.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/strong_sort/deep/reid/configs/im_osnet_x1_0_softmax_256x128_amsgrad.yaml -------------------------------------------------------------------------------- /task2_vision/strong_sort/deep/reid/configs/im_osnet_x1_0_softmax_256x128_amsgrad_cosine.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/strong_sort/deep/reid/configs/im_osnet_x1_0_softmax_256x128_amsgrad_cosine.yaml -------------------------------------------------------------------------------- /task2_vision/strong_sort/deep/reid/configs/im_r50_softmax_256x128_amsgrad.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/strong_sort/deep/reid/configs/im_r50_softmax_256x128_amsgrad.yaml -------------------------------------------------------------------------------- /task2_vision/strong_sort/deep/reid/configs/im_r50fc512_softmax_256x128_amsgrad.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/strong_sort/deep/reid/configs/im_r50fc512_softmax_256x128_amsgrad.yaml -------------------------------------------------------------------------------- /task2_vision/strong_sort/deep/reid/docs/AWESOME_REID.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/strong_sort/deep/reid/docs/AWESOME_REID.md -------------------------------------------------------------------------------- /task2_vision/strong_sort/deep/reid/docs/MODEL_ZOO.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/strong_sort/deep/reid/docs/MODEL_ZOO.md -------------------------------------------------------------------------------- /task2_vision/strong_sort/deep/reid/docs/Makefile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/strong_sort/deep/reid/docs/Makefile -------------------------------------------------------------------------------- /task2_vision/strong_sort/deep/reid/docs/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /task2_vision/strong_sort/deep/reid/docs/conf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/strong_sort/deep/reid/docs/conf.py -------------------------------------------------------------------------------- /task2_vision/strong_sort/deep/reid/docs/datasets.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/strong_sort/deep/reid/docs/datasets.rst -------------------------------------------------------------------------------- /task2_vision/strong_sort/deep/reid/docs/evaluation.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/strong_sort/deep/reid/docs/evaluation.rst -------------------------------------------------------------------------------- /task2_vision/strong_sort/deep/reid/docs/figures/actmap.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/strong_sort/deep/reid/docs/figures/actmap.jpg -------------------------------------------------------------------------------- /task2_vision/strong_sort/deep/reid/docs/figures/ranking_results.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/strong_sort/deep/reid/docs/figures/ranking_results.jpg -------------------------------------------------------------------------------- /task2_vision/strong_sort/deep/reid/docs/index.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/strong_sort/deep/reid/docs/index.rst -------------------------------------------------------------------------------- /task2_vision/strong_sort/deep/reid/docs/pkg/data.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/strong_sort/deep/reid/docs/pkg/data.rst -------------------------------------------------------------------------------- /task2_vision/strong_sort/deep/reid/docs/pkg/engine.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/strong_sort/deep/reid/docs/pkg/engine.rst -------------------------------------------------------------------------------- /task2_vision/strong_sort/deep/reid/docs/pkg/losses.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/strong_sort/deep/reid/docs/pkg/losses.rst -------------------------------------------------------------------------------- /task2_vision/strong_sort/deep/reid/docs/pkg/metrics.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/strong_sort/deep/reid/docs/pkg/metrics.rst -------------------------------------------------------------------------------- /task2_vision/strong_sort/deep/reid/docs/pkg/models.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/strong_sort/deep/reid/docs/pkg/models.rst -------------------------------------------------------------------------------- /task2_vision/strong_sort/deep/reid/docs/pkg/optim.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/strong_sort/deep/reid/docs/pkg/optim.rst -------------------------------------------------------------------------------- /task2_vision/strong_sort/deep/reid/docs/pkg/utils.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/strong_sort/deep/reid/docs/pkg/utils.rst -------------------------------------------------------------------------------- /task2_vision/strong_sort/deep/reid/docs/user_guide.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/strong_sort/deep/reid/docs/user_guide.rst -------------------------------------------------------------------------------- /task2_vision/strong_sort/deep/reid/linter.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/strong_sort/deep/reid/linter.sh -------------------------------------------------------------------------------- /task2_vision/strong_sort/deep/reid/projects/DML/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/strong_sort/deep/reid/projects/DML/README.md -------------------------------------------------------------------------------- /task2_vision/strong_sort/deep/reid/projects/DML/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /task2_vision/strong_sort/deep/reid/projects/DML/default_config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/strong_sort/deep/reid/projects/DML/default_config.py -------------------------------------------------------------------------------- /task2_vision/strong_sort/deep/reid/projects/DML/dml.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/strong_sort/deep/reid/projects/DML/dml.py -------------------------------------------------------------------------------- /task2_vision/strong_sort/deep/reid/projects/DML/im_osnet_x1_0_dml_256x128_amsgrad_cosine.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/strong_sort/deep/reid/projects/DML/im_osnet_x1_0_dml_256x128_amsgrad_cosine.yaml -------------------------------------------------------------------------------- /task2_vision/strong_sort/deep/reid/projects/DML/main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/strong_sort/deep/reid/projects/DML/main.py -------------------------------------------------------------------------------- /task2_vision/strong_sort/deep/reid/projects/OSNet_AIN/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/strong_sort/deep/reid/projects/OSNet_AIN/README.md -------------------------------------------------------------------------------- /task2_vision/strong_sort/deep/reid/projects/OSNet_AIN/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /task2_vision/strong_sort/deep/reid/projects/OSNet_AIN/default_config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/strong_sort/deep/reid/projects/OSNet_AIN/default_config.py -------------------------------------------------------------------------------- /task2_vision/strong_sort/deep/reid/projects/OSNet_AIN/main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/strong_sort/deep/reid/projects/OSNet_AIN/main.py -------------------------------------------------------------------------------- /task2_vision/strong_sort/deep/reid/projects/OSNet_AIN/nas.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/strong_sort/deep/reid/projects/OSNet_AIN/nas.yaml -------------------------------------------------------------------------------- /task2_vision/strong_sort/deep/reid/projects/OSNet_AIN/osnet_child.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/strong_sort/deep/reid/projects/OSNet_AIN/osnet_child.py -------------------------------------------------------------------------------- /task2_vision/strong_sort/deep/reid/projects/OSNet_AIN/osnet_search.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/strong_sort/deep/reid/projects/OSNet_AIN/osnet_search.py -------------------------------------------------------------------------------- /task2_vision/strong_sort/deep/reid/projects/OSNet_AIN/softmax_nas.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/strong_sort/deep/reid/projects/OSNet_AIN/softmax_nas.py -------------------------------------------------------------------------------- /task2_vision/strong_sort/deep/reid/projects/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/strong_sort/deep/reid/projects/README.md -------------------------------------------------------------------------------- /task2_vision/strong_sort/deep/reid/projects/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /task2_vision/strong_sort/deep/reid/projects/attribute_recognition/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/strong_sort/deep/reid/projects/attribute_recognition/README.md -------------------------------------------------------------------------------- /task2_vision/strong_sort/deep/reid/projects/attribute_recognition/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /task2_vision/strong_sort/deep/reid/projects/attribute_recognition/datasets/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/strong_sort/deep/reid/projects/attribute_recognition/datasets/__init__.py -------------------------------------------------------------------------------- /task2_vision/strong_sort/deep/reid/projects/attribute_recognition/datasets/dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/strong_sort/deep/reid/projects/attribute_recognition/datasets/dataset.py -------------------------------------------------------------------------------- /task2_vision/strong_sort/deep/reid/projects/attribute_recognition/datasets/pa100k.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/strong_sort/deep/reid/projects/attribute_recognition/datasets/pa100k.py -------------------------------------------------------------------------------- /task2_vision/strong_sort/deep/reid/projects/attribute_recognition/default_parser.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/strong_sort/deep/reid/projects/attribute_recognition/default_parser.py -------------------------------------------------------------------------------- /task2_vision/strong_sort/deep/reid/projects/attribute_recognition/main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/strong_sort/deep/reid/projects/attribute_recognition/main.py -------------------------------------------------------------------------------- /task2_vision/strong_sort/deep/reid/projects/attribute_recognition/models/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/strong_sort/deep/reid/projects/attribute_recognition/models/__init__.py -------------------------------------------------------------------------------- /task2_vision/strong_sort/deep/reid/projects/attribute_recognition/models/osnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/strong_sort/deep/reid/projects/attribute_recognition/models/osnet.py -------------------------------------------------------------------------------- /task2_vision/strong_sort/deep/reid/projects/attribute_recognition/train.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/strong_sort/deep/reid/projects/attribute_recognition/train.sh -------------------------------------------------------------------------------- /task2_vision/strong_sort/deep/reid/scripts/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /task2_vision/strong_sort/deep/reid/scripts/default_config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/strong_sort/deep/reid/scripts/default_config.py -------------------------------------------------------------------------------- /task2_vision/strong_sort/deep/reid/scripts/main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/strong_sort/deep/reid/scripts/main.py -------------------------------------------------------------------------------- /task2_vision/strong_sort/deep/reid/setup.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/strong_sort/deep/reid/setup.py -------------------------------------------------------------------------------- /task2_vision/strong_sort/deep/reid/tools/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /task2_vision/strong_sort/deep/reid/tools/compute_mean_std.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/strong_sort/deep/reid/tools/compute_mean_std.py -------------------------------------------------------------------------------- /task2_vision/strong_sort/deep/reid/tools/parse_test_res.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/strong_sort/deep/reid/tools/parse_test_res.py -------------------------------------------------------------------------------- /task2_vision/strong_sort/deep/reid/tools/visualize_actmap.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/strong_sort/deep/reid/tools/visualize_actmap.py -------------------------------------------------------------------------------- /task2_vision/strong_sort/deep/reid/torchreid/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/strong_sort/deep/reid/torchreid/__init__.py -------------------------------------------------------------------------------- /task2_vision/strong_sort/deep/reid/torchreid/data/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/strong_sort/deep/reid/torchreid/data/__init__.py -------------------------------------------------------------------------------- /task2_vision/strong_sort/deep/reid/torchreid/data/datamanager.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/strong_sort/deep/reid/torchreid/data/datamanager.py -------------------------------------------------------------------------------- /task2_vision/strong_sort/deep/reid/torchreid/data/datasets/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/strong_sort/deep/reid/torchreid/data/datasets/__init__.py -------------------------------------------------------------------------------- /task2_vision/strong_sort/deep/reid/torchreid/data/datasets/dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/strong_sort/deep/reid/torchreid/data/datasets/dataset.py -------------------------------------------------------------------------------- /task2_vision/strong_sort/deep/reid/torchreid/data/datasets/image/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/strong_sort/deep/reid/torchreid/data/datasets/image/__init__.py -------------------------------------------------------------------------------- /task2_vision/strong_sort/deep/reid/torchreid/data/datasets/image/cuhk01.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/strong_sort/deep/reid/torchreid/data/datasets/image/cuhk01.py -------------------------------------------------------------------------------- /task2_vision/strong_sort/deep/reid/torchreid/data/datasets/image/cuhk02.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/strong_sort/deep/reid/torchreid/data/datasets/image/cuhk02.py -------------------------------------------------------------------------------- /task2_vision/strong_sort/deep/reid/torchreid/data/datasets/image/cuhk03.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/strong_sort/deep/reid/torchreid/data/datasets/image/cuhk03.py -------------------------------------------------------------------------------- /task2_vision/strong_sort/deep/reid/torchreid/data/datasets/image/cuhksysu.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/strong_sort/deep/reid/torchreid/data/datasets/image/cuhksysu.py -------------------------------------------------------------------------------- /task2_vision/strong_sort/deep/reid/torchreid/data/datasets/image/dukemtmcreid.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/strong_sort/deep/reid/torchreid/data/datasets/image/dukemtmcreid.py -------------------------------------------------------------------------------- /task2_vision/strong_sort/deep/reid/torchreid/data/datasets/image/grid.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/strong_sort/deep/reid/torchreid/data/datasets/image/grid.py -------------------------------------------------------------------------------- /task2_vision/strong_sort/deep/reid/torchreid/data/datasets/image/ilids.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/strong_sort/deep/reid/torchreid/data/datasets/image/ilids.py -------------------------------------------------------------------------------- /task2_vision/strong_sort/deep/reid/torchreid/data/datasets/image/market1501.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/strong_sort/deep/reid/torchreid/data/datasets/image/market1501.py -------------------------------------------------------------------------------- /task2_vision/strong_sort/deep/reid/torchreid/data/datasets/image/msmt17.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/strong_sort/deep/reid/torchreid/data/datasets/image/msmt17.py -------------------------------------------------------------------------------- /task2_vision/strong_sort/deep/reid/torchreid/data/datasets/image/prid.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/strong_sort/deep/reid/torchreid/data/datasets/image/prid.py -------------------------------------------------------------------------------- /task2_vision/strong_sort/deep/reid/torchreid/data/datasets/image/sensereid.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/strong_sort/deep/reid/torchreid/data/datasets/image/sensereid.py -------------------------------------------------------------------------------- /task2_vision/strong_sort/deep/reid/torchreid/data/datasets/image/university1652.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/strong_sort/deep/reid/torchreid/data/datasets/image/university1652.py -------------------------------------------------------------------------------- /task2_vision/strong_sort/deep/reid/torchreid/data/datasets/image/viper.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/strong_sort/deep/reid/torchreid/data/datasets/image/viper.py -------------------------------------------------------------------------------- /task2_vision/strong_sort/deep/reid/torchreid/data/datasets/video/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/strong_sort/deep/reid/torchreid/data/datasets/video/__init__.py -------------------------------------------------------------------------------- /task2_vision/strong_sort/deep/reid/torchreid/data/datasets/video/dukemtmcvidreid.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/strong_sort/deep/reid/torchreid/data/datasets/video/dukemtmcvidreid.py -------------------------------------------------------------------------------- /task2_vision/strong_sort/deep/reid/torchreid/data/datasets/video/ilidsvid.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/strong_sort/deep/reid/torchreid/data/datasets/video/ilidsvid.py -------------------------------------------------------------------------------- /task2_vision/strong_sort/deep/reid/torchreid/data/datasets/video/mars.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/strong_sort/deep/reid/torchreid/data/datasets/video/mars.py -------------------------------------------------------------------------------- /task2_vision/strong_sort/deep/reid/torchreid/data/datasets/video/prid2011.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/strong_sort/deep/reid/torchreid/data/datasets/video/prid2011.py -------------------------------------------------------------------------------- /task2_vision/strong_sort/deep/reid/torchreid/data/sampler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/strong_sort/deep/reid/torchreid/data/sampler.py -------------------------------------------------------------------------------- /task2_vision/strong_sort/deep/reid/torchreid/data/transforms.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/strong_sort/deep/reid/torchreid/data/transforms.py -------------------------------------------------------------------------------- /task2_vision/strong_sort/deep/reid/torchreid/engine/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/strong_sort/deep/reid/torchreid/engine/__init__.py -------------------------------------------------------------------------------- /task2_vision/strong_sort/deep/reid/torchreid/engine/engine.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/strong_sort/deep/reid/torchreid/engine/engine.py -------------------------------------------------------------------------------- /task2_vision/strong_sort/deep/reid/torchreid/engine/image/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/strong_sort/deep/reid/torchreid/engine/image/__init__.py -------------------------------------------------------------------------------- /task2_vision/strong_sort/deep/reid/torchreid/engine/image/softmax.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/strong_sort/deep/reid/torchreid/engine/image/softmax.py -------------------------------------------------------------------------------- /task2_vision/strong_sort/deep/reid/torchreid/engine/image/triplet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/strong_sort/deep/reid/torchreid/engine/image/triplet.py -------------------------------------------------------------------------------- /task2_vision/strong_sort/deep/reid/torchreid/engine/video/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/strong_sort/deep/reid/torchreid/engine/video/__init__.py -------------------------------------------------------------------------------- /task2_vision/strong_sort/deep/reid/torchreid/engine/video/softmax.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/strong_sort/deep/reid/torchreid/engine/video/softmax.py -------------------------------------------------------------------------------- /task2_vision/strong_sort/deep/reid/torchreid/engine/video/triplet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/strong_sort/deep/reid/torchreid/engine/video/triplet.py -------------------------------------------------------------------------------- /task2_vision/strong_sort/deep/reid/torchreid/losses/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/strong_sort/deep/reid/torchreid/losses/__init__.py -------------------------------------------------------------------------------- /task2_vision/strong_sort/deep/reid/torchreid/losses/cross_entropy_loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/strong_sort/deep/reid/torchreid/losses/cross_entropy_loss.py -------------------------------------------------------------------------------- /task2_vision/strong_sort/deep/reid/torchreid/losses/hard_mine_triplet_loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/strong_sort/deep/reid/torchreid/losses/hard_mine_triplet_loss.py -------------------------------------------------------------------------------- /task2_vision/strong_sort/deep/reid/torchreid/metrics/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/strong_sort/deep/reid/torchreid/metrics/__init__.py -------------------------------------------------------------------------------- /task2_vision/strong_sort/deep/reid/torchreid/metrics/accuracy.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/strong_sort/deep/reid/torchreid/metrics/accuracy.py -------------------------------------------------------------------------------- /task2_vision/strong_sort/deep/reid/torchreid/metrics/distance.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/strong_sort/deep/reid/torchreid/metrics/distance.py -------------------------------------------------------------------------------- /task2_vision/strong_sort/deep/reid/torchreid/metrics/rank.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/strong_sort/deep/reid/torchreid/metrics/rank.py -------------------------------------------------------------------------------- /task2_vision/strong_sort/deep/reid/torchreid/metrics/rank_cylib/Makefile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/strong_sort/deep/reid/torchreid/metrics/rank_cylib/Makefile -------------------------------------------------------------------------------- /task2_vision/strong_sort/deep/reid/torchreid/metrics/rank_cylib/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /task2_vision/strong_sort/deep/reid/torchreid/metrics/rank_cylib/rank_cy.pyx: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/strong_sort/deep/reid/torchreid/metrics/rank_cylib/rank_cy.pyx -------------------------------------------------------------------------------- /task2_vision/strong_sort/deep/reid/torchreid/metrics/rank_cylib/setup.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/strong_sort/deep/reid/torchreid/metrics/rank_cylib/setup.py -------------------------------------------------------------------------------- /task2_vision/strong_sort/deep/reid/torchreid/metrics/rank_cylib/test_cython.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/strong_sort/deep/reid/torchreid/metrics/rank_cylib/test_cython.py -------------------------------------------------------------------------------- /task2_vision/strong_sort/deep/reid/torchreid/models/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/strong_sort/deep/reid/torchreid/models/__init__.py -------------------------------------------------------------------------------- /task2_vision/strong_sort/deep/reid/torchreid/models/densenet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/strong_sort/deep/reid/torchreid/models/densenet.py -------------------------------------------------------------------------------- /task2_vision/strong_sort/deep/reid/torchreid/models/hacnn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/strong_sort/deep/reid/torchreid/models/hacnn.py -------------------------------------------------------------------------------- /task2_vision/strong_sort/deep/reid/torchreid/models/inceptionresnetv2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/strong_sort/deep/reid/torchreid/models/inceptionresnetv2.py -------------------------------------------------------------------------------- /task2_vision/strong_sort/deep/reid/torchreid/models/inceptionv4.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/strong_sort/deep/reid/torchreid/models/inceptionv4.py -------------------------------------------------------------------------------- /task2_vision/strong_sort/deep/reid/torchreid/models/mlfn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/strong_sort/deep/reid/torchreid/models/mlfn.py -------------------------------------------------------------------------------- /task2_vision/strong_sort/deep/reid/torchreid/models/mobilenetv2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/strong_sort/deep/reid/torchreid/models/mobilenetv2.py -------------------------------------------------------------------------------- /task2_vision/strong_sort/deep/reid/torchreid/models/mudeep.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/strong_sort/deep/reid/torchreid/models/mudeep.py -------------------------------------------------------------------------------- /task2_vision/strong_sort/deep/reid/torchreid/models/nasnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/strong_sort/deep/reid/torchreid/models/nasnet.py -------------------------------------------------------------------------------- /task2_vision/strong_sort/deep/reid/torchreid/models/osnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/strong_sort/deep/reid/torchreid/models/osnet.py -------------------------------------------------------------------------------- /task2_vision/strong_sort/deep/reid/torchreid/models/osnet_ain.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/strong_sort/deep/reid/torchreid/models/osnet_ain.py -------------------------------------------------------------------------------- /task2_vision/strong_sort/deep/reid/torchreid/models/pcb.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/strong_sort/deep/reid/torchreid/models/pcb.py -------------------------------------------------------------------------------- /task2_vision/strong_sort/deep/reid/torchreid/models/resnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/strong_sort/deep/reid/torchreid/models/resnet.py -------------------------------------------------------------------------------- /task2_vision/strong_sort/deep/reid/torchreid/models/resnet_ibn_a.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/strong_sort/deep/reid/torchreid/models/resnet_ibn_a.py -------------------------------------------------------------------------------- /task2_vision/strong_sort/deep/reid/torchreid/models/resnet_ibn_b.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/strong_sort/deep/reid/torchreid/models/resnet_ibn_b.py -------------------------------------------------------------------------------- /task2_vision/strong_sort/deep/reid/torchreid/models/resnetmid.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/strong_sort/deep/reid/torchreid/models/resnetmid.py -------------------------------------------------------------------------------- /task2_vision/strong_sort/deep/reid/torchreid/models/senet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/strong_sort/deep/reid/torchreid/models/senet.py -------------------------------------------------------------------------------- /task2_vision/strong_sort/deep/reid/torchreid/models/shufflenet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/strong_sort/deep/reid/torchreid/models/shufflenet.py -------------------------------------------------------------------------------- /task2_vision/strong_sort/deep/reid/torchreid/models/shufflenetv2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/strong_sort/deep/reid/torchreid/models/shufflenetv2.py -------------------------------------------------------------------------------- /task2_vision/strong_sort/deep/reid/torchreid/models/squeezenet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/strong_sort/deep/reid/torchreid/models/squeezenet.py -------------------------------------------------------------------------------- /task2_vision/strong_sort/deep/reid/torchreid/models/xception.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/strong_sort/deep/reid/torchreid/models/xception.py -------------------------------------------------------------------------------- /task2_vision/strong_sort/deep/reid/torchreid/optim/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/strong_sort/deep/reid/torchreid/optim/__init__.py -------------------------------------------------------------------------------- /task2_vision/strong_sort/deep/reid/torchreid/optim/lr_scheduler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/strong_sort/deep/reid/torchreid/optim/lr_scheduler.py -------------------------------------------------------------------------------- /task2_vision/strong_sort/deep/reid/torchreid/optim/optimizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/strong_sort/deep/reid/torchreid/optim/optimizer.py -------------------------------------------------------------------------------- /task2_vision/strong_sort/deep/reid/torchreid/optim/radam.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/strong_sort/deep/reid/torchreid/optim/radam.py -------------------------------------------------------------------------------- /task2_vision/strong_sort/deep/reid/torchreid/utils/GPU-Re-Ranking/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/strong_sort/deep/reid/torchreid/utils/GPU-Re-Ranking/README.md -------------------------------------------------------------------------------- /task2_vision/strong_sort/deep/reid/torchreid/utils/GPU-Re-Ranking/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /task2_vision/strong_sort/deep/reid/torchreid/utils/GPU-Re-Ranking/extension/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /task2_vision/strong_sort/deep/reid/torchreid/utils/GPU-Re-Ranking/extension/adjacency_matrix/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /task2_vision/strong_sort/deep/reid/torchreid/utils/GPU-Re-Ranking/extension/adjacency_matrix/build_adjacency_matrix.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/strong_sort/deep/reid/torchreid/utils/GPU-Re-Ranking/extension/adjacency_matrix/build_adjacency_matrix.cpp -------------------------------------------------------------------------------- /task2_vision/strong_sort/deep/reid/torchreid/utils/GPU-Re-Ranking/extension/adjacency_matrix/build_adjacency_matrix_kernel.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/strong_sort/deep/reid/torchreid/utils/GPU-Re-Ranking/extension/adjacency_matrix/build_adjacency_matrix_kernel.cu -------------------------------------------------------------------------------- /task2_vision/strong_sort/deep/reid/torchreid/utils/GPU-Re-Ranking/extension/adjacency_matrix/setup.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/strong_sort/deep/reid/torchreid/utils/GPU-Re-Ranking/extension/adjacency_matrix/setup.py -------------------------------------------------------------------------------- /task2_vision/strong_sort/deep/reid/torchreid/utils/GPU-Re-Ranking/extension/make.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/strong_sort/deep/reid/torchreid/utils/GPU-Re-Ranking/extension/make.sh -------------------------------------------------------------------------------- /task2_vision/strong_sort/deep/reid/torchreid/utils/GPU-Re-Ranking/extension/propagation/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /task2_vision/strong_sort/deep/reid/torchreid/utils/GPU-Re-Ranking/extension/propagation/gnn_propagate.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/strong_sort/deep/reid/torchreid/utils/GPU-Re-Ranking/extension/propagation/gnn_propagate.cpp -------------------------------------------------------------------------------- /task2_vision/strong_sort/deep/reid/torchreid/utils/GPU-Re-Ranking/extension/propagation/gnn_propagate_kernel.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/strong_sort/deep/reid/torchreid/utils/GPU-Re-Ranking/extension/propagation/gnn_propagate_kernel.cu -------------------------------------------------------------------------------- /task2_vision/strong_sort/deep/reid/torchreid/utils/GPU-Re-Ranking/extension/propagation/setup.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/strong_sort/deep/reid/torchreid/utils/GPU-Re-Ranking/extension/propagation/setup.py -------------------------------------------------------------------------------- /task2_vision/strong_sort/deep/reid/torchreid/utils/GPU-Re-Ranking/gnn_reranking.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/strong_sort/deep/reid/torchreid/utils/GPU-Re-Ranking/gnn_reranking.py -------------------------------------------------------------------------------- /task2_vision/strong_sort/deep/reid/torchreid/utils/GPU-Re-Ranking/main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/strong_sort/deep/reid/torchreid/utils/GPU-Re-Ranking/main.py -------------------------------------------------------------------------------- /task2_vision/strong_sort/deep/reid/torchreid/utils/GPU-Re-Ranking/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/strong_sort/deep/reid/torchreid/utils/GPU-Re-Ranking/utils.py -------------------------------------------------------------------------------- /task2_vision/strong_sort/deep/reid/torchreid/utils/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/strong_sort/deep/reid/torchreid/utils/__init__.py -------------------------------------------------------------------------------- /task2_vision/strong_sort/deep/reid/torchreid/utils/avgmeter.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/strong_sort/deep/reid/torchreid/utils/avgmeter.py -------------------------------------------------------------------------------- /task2_vision/strong_sort/deep/reid/torchreid/utils/feature_extractor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/strong_sort/deep/reid/torchreid/utils/feature_extractor.py -------------------------------------------------------------------------------- /task2_vision/strong_sort/deep/reid/torchreid/utils/loggers.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/strong_sort/deep/reid/torchreid/utils/loggers.py -------------------------------------------------------------------------------- /task2_vision/strong_sort/deep/reid/torchreid/utils/model_complexity.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/strong_sort/deep/reid/torchreid/utils/model_complexity.py -------------------------------------------------------------------------------- /task2_vision/strong_sort/deep/reid/torchreid/utils/reidtools.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/strong_sort/deep/reid/torchreid/utils/reidtools.py -------------------------------------------------------------------------------- /task2_vision/strong_sort/deep/reid/torchreid/utils/rerank.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/strong_sort/deep/reid/torchreid/utils/rerank.py -------------------------------------------------------------------------------- /task2_vision/strong_sort/deep/reid/torchreid/utils/tools.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/strong_sort/deep/reid/torchreid/utils/tools.py -------------------------------------------------------------------------------- /task2_vision/strong_sort/deep/reid/torchreid/utils/torchtools.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/strong_sort/deep/reid/torchreid/utils/torchtools.py -------------------------------------------------------------------------------- /task2_vision/strong_sort/deep/reid_model_factory.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/strong_sort/deep/reid_model_factory.py -------------------------------------------------------------------------------- /task2_vision/strong_sort/reid_multibackend.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/strong_sort/reid_multibackend.py -------------------------------------------------------------------------------- /task2_vision/strong_sort/sort/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /task2_vision/strong_sort/sort/detection.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/strong_sort/sort/detection.py -------------------------------------------------------------------------------- /task2_vision/strong_sort/sort/iou_matching.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/strong_sort/sort/iou_matching.py -------------------------------------------------------------------------------- /task2_vision/strong_sort/sort/kalman_filter.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/strong_sort/sort/kalman_filter.py -------------------------------------------------------------------------------- /task2_vision/strong_sort/sort/linear_assignment.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/strong_sort/sort/linear_assignment.py -------------------------------------------------------------------------------- /task2_vision/strong_sort/sort/nn_matching.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/strong_sort/sort/nn_matching.py -------------------------------------------------------------------------------- /task2_vision/strong_sort/sort/preprocessing.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/strong_sort/sort/preprocessing.py -------------------------------------------------------------------------------- /task2_vision/strong_sort/sort/tracker.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/strong_sort/sort/tracker.py -------------------------------------------------------------------------------- /task2_vision/strong_sort/strong_sort.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/strong_sort/strong_sort.py -------------------------------------------------------------------------------- /task2_vision/strong_sort/utils/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /task2_vision/strong_sort/utils/asserts.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/strong_sort/utils/asserts.py -------------------------------------------------------------------------------- /task2_vision/strong_sort/utils/draw.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/strong_sort/utils/draw.py -------------------------------------------------------------------------------- /task2_vision/strong_sort/utils/evaluation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/strong_sort/utils/evaluation.py -------------------------------------------------------------------------------- /task2_vision/strong_sort/utils/io.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/strong_sort/utils/io.py -------------------------------------------------------------------------------- /task2_vision/strong_sort/utils/json_logger.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/strong_sort/utils/json_logger.py -------------------------------------------------------------------------------- /task2_vision/strong_sort/utils/log.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/strong_sort/utils/log.py -------------------------------------------------------------------------------- /task2_vision/strong_sort/utils/parser.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/strong_sort/utils/parser.py -------------------------------------------------------------------------------- /task2_vision/strong_sort/utils/tools.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/strong_sort/utils/tools.py -------------------------------------------------------------------------------- /task2_vision/task2_vision.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/task2_vision.py -------------------------------------------------------------------------------- /task2_vision/yolov7/.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/yolov7/.gitignore -------------------------------------------------------------------------------- /task2_vision/yolov7/LICENSE.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/yolov7/LICENSE.md -------------------------------------------------------------------------------- /task2_vision/yolov7/README.dataset.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/yolov7/README.dataset.txt -------------------------------------------------------------------------------- /task2_vision/yolov7/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/yolov7/README.md -------------------------------------------------------------------------------- /task2_vision/yolov7/README.roboflow.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/yolov7/README.roboflow.txt -------------------------------------------------------------------------------- /task2_vision/yolov7/VG/attribute: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /task2_vision/yolov7/VG/attribute_filter.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/yolov7/VG/attribute_filter.py -------------------------------------------------------------------------------- /task2_vision/yolov7/VG/attributes.json.zip: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/yolov7/VG/attributes.json.zip -------------------------------------------------------------------------------- /task2_vision/yolov7/VG/filter.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/yolov7/VG/filter.py -------------------------------------------------------------------------------- /task2_vision/yolov7/VG/move_img.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/yolov7/VG/move_img.py -------------------------------------------------------------------------------- /task2_vision/yolov7/VG/vg2yolo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/yolov7/VG/vg2yolo.py -------------------------------------------------------------------------------- /task2_vision/yolov7/VG/visualize.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/yolov7/VG/visualize.py -------------------------------------------------------------------------------- /task2_vision/yolov7/cfg/baseline/r50-csp.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/yolov7/cfg/baseline/r50-csp.yaml -------------------------------------------------------------------------------- /task2_vision/yolov7/cfg/baseline/x50-csp.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/yolov7/cfg/baseline/x50-csp.yaml -------------------------------------------------------------------------------- /task2_vision/yolov7/cfg/baseline/yolor-csp-x.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/yolov7/cfg/baseline/yolor-csp-x.yaml -------------------------------------------------------------------------------- /task2_vision/yolov7/cfg/baseline/yolor-csp.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/yolov7/cfg/baseline/yolor-csp.yaml -------------------------------------------------------------------------------- /task2_vision/yolov7/cfg/baseline/yolor-d6.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/yolov7/cfg/baseline/yolor-d6.yaml -------------------------------------------------------------------------------- /task2_vision/yolov7/cfg/baseline/yolor-e6.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/yolov7/cfg/baseline/yolor-e6.yaml -------------------------------------------------------------------------------- /task2_vision/yolov7/cfg/baseline/yolor-p6.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/yolov7/cfg/baseline/yolor-p6.yaml -------------------------------------------------------------------------------- /task2_vision/yolov7/cfg/baseline/yolor-w6.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/yolov7/cfg/baseline/yolor-w6.yaml -------------------------------------------------------------------------------- /task2_vision/yolov7/cfg/baseline/yolov3-spp.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/yolov7/cfg/baseline/yolov3-spp.yaml -------------------------------------------------------------------------------- /task2_vision/yolov7/cfg/baseline/yolov3.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/yolov7/cfg/baseline/yolov3.yaml -------------------------------------------------------------------------------- /task2_vision/yolov7/cfg/baseline/yolov4-csp.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/yolov7/cfg/baseline/yolov4-csp.yaml -------------------------------------------------------------------------------- /task2_vision/yolov7/cfg/deploy/yolov7-d6.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/yolov7/cfg/deploy/yolov7-d6.yaml -------------------------------------------------------------------------------- /task2_vision/yolov7/cfg/deploy/yolov7-e6.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/yolov7/cfg/deploy/yolov7-e6.yaml -------------------------------------------------------------------------------- /task2_vision/yolov7/cfg/deploy/yolov7-e6e.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/yolov7/cfg/deploy/yolov7-e6e.yaml -------------------------------------------------------------------------------- /task2_vision/yolov7/cfg/deploy/yolov7-tiny-silu.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/yolov7/cfg/deploy/yolov7-tiny-silu.yaml -------------------------------------------------------------------------------- /task2_vision/yolov7/cfg/deploy/yolov7-tiny.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/yolov7/cfg/deploy/yolov7-tiny.yaml -------------------------------------------------------------------------------- /task2_vision/yolov7/cfg/deploy/yolov7-w6.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/yolov7/cfg/deploy/yolov7-w6.yaml -------------------------------------------------------------------------------- /task2_vision/yolov7/cfg/deploy/yolov7.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/yolov7/cfg/deploy/yolov7.yaml -------------------------------------------------------------------------------- /task2_vision/yolov7/cfg/deploy/yolov7x.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/yolov7/cfg/deploy/yolov7x.yaml -------------------------------------------------------------------------------- /task2_vision/yolov7/cfg/training/yolov7-d6.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/yolov7/cfg/training/yolov7-d6.yaml -------------------------------------------------------------------------------- /task2_vision/yolov7/cfg/training/yolov7-e6.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/yolov7/cfg/training/yolov7-e6.yaml -------------------------------------------------------------------------------- /task2_vision/yolov7/cfg/training/yolov7-e6e.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/yolov7/cfg/training/yolov7-e6e.yaml -------------------------------------------------------------------------------- /task2_vision/yolov7/cfg/training/yolov7-tiny.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/yolov7/cfg/training/yolov7-tiny.yaml -------------------------------------------------------------------------------- /task2_vision/yolov7/cfg/training/yolov7-w6.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/yolov7/cfg/training/yolov7-w6.yaml -------------------------------------------------------------------------------- /task2_vision/yolov7/cfg/training/yolov7.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/yolov7/cfg/training/yolov7.yaml -------------------------------------------------------------------------------- /task2_vision/yolov7/cfg/training/yolov7x.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/yolov7/cfg/training/yolov7x.yaml -------------------------------------------------------------------------------- /task2_vision/yolov7/coco_weight.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/yolov7/coco_weight.py -------------------------------------------------------------------------------- /task2_vision/yolov7/data/coco.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/yolov7/data/coco.yaml -------------------------------------------------------------------------------- /task2_vision/yolov7/data/hyp.scratch.custom.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/yolov7/data/hyp.scratch.custom.yaml -------------------------------------------------------------------------------- /task2_vision/yolov7/data/hyp.scratch.p5.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/yolov7/data/hyp.scratch.p5.yaml -------------------------------------------------------------------------------- /task2_vision/yolov7/data/hyp.scratch.p6.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/yolov7/data/hyp.scratch.p6.yaml -------------------------------------------------------------------------------- /task2_vision/yolov7/data/hyp.scratch.tiny.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/yolov7/data/hyp.scratch.tiny.yaml -------------------------------------------------------------------------------- /task2_vision/yolov7/data/vg.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/yolov7/data/vg.yaml -------------------------------------------------------------------------------- /task2_vision/yolov7/deploy/triton-inference-server/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/yolov7/deploy/triton-inference-server/README.md -------------------------------------------------------------------------------- /task2_vision/yolov7/deploy/triton-inference-server/boundingbox.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/yolov7/deploy/triton-inference-server/boundingbox.py -------------------------------------------------------------------------------- /task2_vision/yolov7/deploy/triton-inference-server/client.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/yolov7/deploy/triton-inference-server/client.py -------------------------------------------------------------------------------- /task2_vision/yolov7/deploy/triton-inference-server/labels.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/yolov7/deploy/triton-inference-server/labels.py -------------------------------------------------------------------------------- /task2_vision/yolov7/deploy/triton-inference-server/processing.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/yolov7/deploy/triton-inference-server/processing.py -------------------------------------------------------------------------------- /task2_vision/yolov7/deploy/triton-inference-server/render.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/yolov7/deploy/triton-inference-server/render.py -------------------------------------------------------------------------------- /task2_vision/yolov7/detect.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/yolov7/detect.py -------------------------------------------------------------------------------- /task2_vision/yolov7/export.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/yolov7/export.py -------------------------------------------------------------------------------- /task2_vision/yolov7/filter_vg.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /task2_vision/yolov7/hubconf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/yolov7/hubconf.py -------------------------------------------------------------------------------- /task2_vision/yolov7/models/__init__.py: -------------------------------------------------------------------------------- 1 | # init -------------------------------------------------------------------------------- /task2_vision/yolov7/models/common.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/yolov7/models/common.py -------------------------------------------------------------------------------- /task2_vision/yolov7/models/experimental.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/yolov7/models/experimental.py -------------------------------------------------------------------------------- /task2_vision/yolov7/models/yolo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/yolov7/models/yolo.py -------------------------------------------------------------------------------- /task2_vision/yolov7/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/yolov7/requirements.txt -------------------------------------------------------------------------------- /task2_vision/yolov7/scripts/get_coco.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/yolov7/scripts/get_coco.sh -------------------------------------------------------------------------------- /task2_vision/yolov7/test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/yolov7/test.py -------------------------------------------------------------------------------- /task2_vision/yolov7/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/yolov7/train.py -------------------------------------------------------------------------------- /task2_vision/yolov7/train_aux.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/yolov7/train_aux.py -------------------------------------------------------------------------------- /task2_vision/yolov7/utils/__init__.py: -------------------------------------------------------------------------------- 1 | # init -------------------------------------------------------------------------------- /task2_vision/yolov7/utils/activations.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/yolov7/utils/activations.py -------------------------------------------------------------------------------- /task2_vision/yolov7/utils/add_nms.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/yolov7/utils/add_nms.py -------------------------------------------------------------------------------- /task2_vision/yolov7/utils/autoanchor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/yolov7/utils/autoanchor.py -------------------------------------------------------------------------------- /task2_vision/yolov7/utils/aws/__init__.py: -------------------------------------------------------------------------------- 1 | #init -------------------------------------------------------------------------------- /task2_vision/yolov7/utils/aws/mime.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/yolov7/utils/aws/mime.sh -------------------------------------------------------------------------------- /task2_vision/yolov7/utils/aws/resume.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/yolov7/utils/aws/resume.py -------------------------------------------------------------------------------- /task2_vision/yolov7/utils/aws/userdata.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/yolov7/utils/aws/userdata.sh -------------------------------------------------------------------------------- /task2_vision/yolov7/utils/datasets.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/yolov7/utils/datasets.py -------------------------------------------------------------------------------- /task2_vision/yolov7/utils/general.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/yolov7/utils/general.py -------------------------------------------------------------------------------- /task2_vision/yolov7/utils/google_app_engine/Dockerfile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/yolov7/utils/google_app_engine/Dockerfile -------------------------------------------------------------------------------- /task2_vision/yolov7/utils/google_app_engine/additional_requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/yolov7/utils/google_app_engine/additional_requirements.txt -------------------------------------------------------------------------------- /task2_vision/yolov7/utils/google_app_engine/app.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/yolov7/utils/google_app_engine/app.yaml -------------------------------------------------------------------------------- /task2_vision/yolov7/utils/google_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/yolov7/utils/google_utils.py -------------------------------------------------------------------------------- /task2_vision/yolov7/utils/loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/yolov7/utils/loss.py -------------------------------------------------------------------------------- /task2_vision/yolov7/utils/metrics.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/yolov7/utils/metrics.py -------------------------------------------------------------------------------- /task2_vision/yolov7/utils/plots.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/yolov7/utils/plots.py -------------------------------------------------------------------------------- /task2_vision/yolov7/utils/torch_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/yolov7/utils/torch_utils.py -------------------------------------------------------------------------------- /task2_vision/yolov7/utils/wandb_logging/__init__.py: -------------------------------------------------------------------------------- 1 | # init -------------------------------------------------------------------------------- /task2_vision/yolov7/utils/wandb_logging/log_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/yolov7/utils/wandb_logging/log_dataset.py -------------------------------------------------------------------------------- /task2_vision/yolov7/utils/wandb_logging/wandb_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task2_vision/yolov7/utils/wandb_logging/wandb_utils.py -------------------------------------------------------------------------------- /task3/.ipynb_checkpoints/minseok_inference-checkpoint.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task3/.ipynb_checkpoints/minseok_inference-checkpoint.ipynb -------------------------------------------------------------------------------- /task3/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task3/README.md -------------------------------------------------------------------------------- /task3/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task3/__init__.py -------------------------------------------------------------------------------- /task3/basenet/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /task3/basenet/vgg16_bn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task3/basenet/vgg16_bn.py -------------------------------------------------------------------------------- /task3/craft.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task3/craft.py -------------------------------------------------------------------------------- /task3/craft_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task3/craft_utils.py -------------------------------------------------------------------------------- /task3/dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task3/dataset.py -------------------------------------------------------------------------------- /task3/fonts/gulim.ttc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task3/fonts/gulim.ttc -------------------------------------------------------------------------------- /task3/imgproc.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task3/imgproc.py -------------------------------------------------------------------------------- /task3/modules/feature_extraction.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task3/modules/feature_extraction.py -------------------------------------------------------------------------------- /task3/modules/prediction.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task3/modules/prediction.py -------------------------------------------------------------------------------- /task3/modules/sequence_modeling.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task3/modules/sequence_modeling.py -------------------------------------------------------------------------------- /task3/modules/transformation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task3/modules/transformation.py -------------------------------------------------------------------------------- /task3/result/2021_data_set3.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task3/result/2021_data_set3.txt -------------------------------------------------------------------------------- /task3/result/2021_data_set5.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task3/result/2021_data_set5.txt -------------------------------------------------------------------------------- /task3/result/2022_flight1.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task3/result/2022_flight1.txt -------------------------------------------------------------------------------- /task3/result/2022_flight2.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task3/result/2022_flight2.txt -------------------------------------------------------------------------------- /task3/result/2022_flight3.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task3/result/2022_flight3.txt -------------------------------------------------------------------------------- /task3/result/2022_flight4.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task3/result/2022_flight4.txt -------------------------------------------------------------------------------- /task3/result/2022_flight5.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task3/result/2022_flight5.txt -------------------------------------------------------------------------------- /task3/result/2022_flight6.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task3/result/2022_flight6.txt -------------------------------------------------------------------------------- /task3/result/2022_flight7.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task3/result/2022_flight7.txt -------------------------------------------------------------------------------- /task3/result/inference.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task3/result/inference.txt -------------------------------------------------------------------------------- /task3/task3.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task3/task3.py -------------------------------------------------------------------------------- /task3/task3_parse_args.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task3/task3_parse_args.py -------------------------------------------------------------------------------- /task3/task3_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task3/task3_utils.py -------------------------------------------------------------------------------- /task3/wiw.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/task3/wiw.py -------------------------------------------------------------------------------- /tools/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/tools/__init__.py -------------------------------------------------------------------------------- /tools/parse_args.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/hanchaa/Drone_Challenge/HEAD/tools/parse_args.py --------------------------------------------------------------------------------